Student Performance Evaluation
Objective:
The goal of this challenge is to build a machine learning model that predicts the performance of the students.
A person who is educated becomes a good citizen of his country. Education is a crucial aspect of personal and professional development. It allows individuals to acquire the knowledge and skills necessary to succeed in their chosen field, and it can also provide opportunities for personal growth and fulfilment.
There are various ways to describe a good student. Some common expressions are hardworking, submitting work on time, actively participating in class and achieving high grades.
Dataset: -
The dataset is available from Kaggle. It contains data about:
- gender
- race/ethnicity
- parental level of education
- lunch
- test preparation course
- math score
- reading score
- writing score
Step 1: Import all the required libraries
- Pandas : In computer programming, pandas is a software library written for the Python programming language for data manipulation and analysis and storing in a proper way. In particular, it offers data structures and operations for manipulating numerical tables and time series
- Sklearn : Scikit-learn (formerly scikits.learn) is a free software machine learning library for the Python programming language. It features various classification, regression and clustering algorithms including support vector machines, random forests, gradient boosting, k-means and DBSCAN, and is designed to interoperate with the Python numerical and scientific libraries NumPy and SciPy. The library is built upon the SciPy (Scientific Python) that must be installed before you can use scikit-learn.
- Pickle : Python pickle module is used for serializing and de-serializing a Python object structure. Pickling is a way to convert a python object (list, dict, etc.) into a character stream. The idea is that this character stream contains all the information necessary to reconstruct the object in another python script.
- Seaborn : Seaborn is a Python data visualization library based on matplotlib. It provides a high-level interface for drawing attractive and informative statistical graphics.
- Matplotlib : Matplotlib is a plotting library for the Python programming language and its numerical mathematics extension NumPy. It provides an object-oriented API for embedding plots into applications using general-purpose GUI toolkits like Tkinter, wxPython, Qt, or GTK.
#Loading libraries
import pandas as pd
import seaborn as sns
import pickle
import numpy as np
import matplotlib.pyplot as plt
from sklearn.metrics import r2_score
from sklearn.linear_model import LinearRegression, Ridge, RidgeCV, Lasso, LassoCV
from sklearn.model_selection import KFold, cross_val_score, train_test_split
import warnings
warnings.filterwarnings('ignore')
Step 2 : Read dataset and basic details of dataset
Goal:- In this step we are going to read the dataset, view the dataset and analysis the basic details like total number of rows and columns, what are the column data types and see to need to create new column or not.
In this stage we are going to read our problem dataset and have a look on it.
#loading the dataset
try:
df = pd.read_csv('C:/Users/Sakshi Rohida/Desktop/deepak sir ML projects/Student_Performance_4_Students Performance_Evaluation_using_Feature_Engineering/data/StudentsPerformance.csv') #Path for the file
print('Data read done successfully...')
except (FileNotFoundError, IOError):
print("Wrong file or file path")Data read done successfully...# To view the content inside the dataset we can use the head() method that returns a specified number of rows, string from the top.
# The head() method returns the first 5 rows if a number is not specified.
df.head()
We will drop the columns if required.
Step3: Data Preprocessing
Why need of Data Preprocessing?
Preprocessing data is an important step for data analysis. The following are some benefits of preprocessing data:
- It improves accuracy and reliability. Preprocessing data removes missing or inconsistent data values resulting from human or computer error, which can improve the accuracy and quality of a dataset, making it more reliable.
- It makes data consistent. When collecting data, it’s possible to have data duplicates, and discarding them during preprocessing can ensure the data values for analysis are consistent, which helps produce accurate results.
- It increases the data’s algorithm readability. Preprocessing enhances the data’s quality and makes it easier for machine learning algorithms to read, use, and interpret it.
After we read the data, we can look at the data using:
# count the total number of rows and columns.
print ('The train data has {0} rows and {1} columns'.format(df.shape[0],df.shape[1]))The train data has 1000 rows and 8 columns
The df.value_counts() method counts the number of types of values a particular column contains.
df.shape(1000, 8)
The df.shape method shows the shape of the dataset.
df.info()<class 'pandas.core.frame.DataFrame'>
RangeIndex: 1000 entries, 0 to 999
Data columns (total 8 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 gender 1000 non-null object
1 race/ethnicity 1000 non-null object
2 parental level of education 1000 non-null object
3 lunch 1000 non-null object
4 test preparation course 1000 non-null object
5 math score 1000 non-null int64
6 reading score 1000 non-null int64
7 writing score 1000 non-null int64
dtypes: int64(3), object(5)
memory usage: 62.6+ KB
The df.info() method prints information about a DataFrame including the index dtype and columns, non-null values and memory usage.
df.iloc[1]gender female
race/ethnicity group C
parental level of education some college
lunch standard
test preparation course completed
math score 69
reading score 90
writing score 88
Name: 1, dtype: object
df.iloc[ ] is primarily integer position based (from 0 to length-1 of the axis), but may also be used with a boolean array. The iloc property gets, or sets, the value(s) of the specified indexes.
score_list = []
score_mean_list = []
for row in df.iterrows():
a = [row[1][-3],row[1][-2],row[1][-1]]
score_list.append(a)
for i in score_list:
score_mean_list.append(round(np.mean(i),1))df["score_mean"] = score_mean_list
df.head()
Data Type Check for every column
Why data type check is required?
Data type check helps us with understanding what type of variables our dataset contains. It helps us with identifying whether to keep that variable or not. If the dataset contains contiguous data, then only float and integer type variables will be beneficial and if we have to classify any value then categorical variables will be beneficial.
objects_cols = ['object']
objects_lst = list(df.select_dtypes(include=objects_cols).columns)print("Total number of categorical columns are ", len(objects_lst))
print("There names are as follows: ", objects_lst)Total number of categorical columns are 5
There names are as follows: ['gender', 'race/ethnicity', 'parental level of education', 'lunch', 'test preparation course']int64_cols = ['int64']
int64_lst = list(df.select_dtypes(include=int64_cols).columns)print("Total number of numerical columns are ", len(int64_lst))
print("There names are as follows: ", int64_lst)Total number of numerical columns are 3
There names are as follows: ['math score', 'reading score', 'writing score']float64_cols = ['float64']
float64_lst = list(df.select_dtypes(include=float64_cols).columns)print("Total number of float64 columns are ", len(float64_lst))
print("There name are as follow: ", float64_lst)Total number of float64 columns are 1
There name are as follow: ['score_mean']
Step 2 Insights: -
- We have total 8 features where 1 column is of float type, 5 columns are categorial type, and 3 is of integer type.
After this step we have to calculate various evaluation parameters which will help us in cleaning and analysing the data more accurately.
Step 3: Descriptive Analysis
Goal/Purpose: Finding the data distribution of the features. Visualization helps to understand data and also to explain the data to another person.
Things we are going to do in this step:
- Mean
- Median
- Mode
- Standard Deviation
- Variance
- Null Values
- NaN Values
- Min value
- Max value
- Count Value
- Quatilers
- Correlation
- Skewness
df.describe()
The df.describe() method returns description of the data in the DataFrame. If the DataFrame contains numerical data, the description contains these information for each column: count — The number of not-empty values. mean — The average (mean) value.
Measure the variability of data of the dataset
Variability describes how far apart data points lie from each other and from the center of a distribution.
1. Standard Deviation
The standard deviation is the average amount of variability in your dataset.
It tells you, on average, how far each data point lies from the mean. The larger the standard deviation, the more variable the data set is and if zero variance then there is no variability in the dataset that means there no use of that dataset.
So, it helps in understanding the measurements when the data is distributed. The more the data is distributed, the greater will be the standard deviation of that data.Here, you as an individual can determine which company is beneficial in long term. But, if you didn’t know the SD you would have choosen a wrong compnay for you.
df.std()math score 15.163080
reading score 14.600192
writing score 15.195657
score_mean 14.257197
dtype: float64
We can also understand the standard deviation using the below function.
def std_cal(df,float64_lst):
cols = ['normal_value', 'zero_value']
zero_value = 0
normal_value = 0
for value in float64_lst:
rs = round(df[value].std(),6)
if rs > 0:
normal_value = normal_value + 1
elif rs == 0:
zero_value = zero_value + 1
std_total_df = pd.DataFrame([[normal_value, zero_value]], columns=cols)
return std_total_dfstd_cal(df, float64_lst)
int64_cols = ['int64']
int64_lst = list(df.select_dtypes(include=int64_cols).columns)
std_cal(df,int64_lst)
zero_value -> is the zero variance and when then there is no variability in the dataset that means there no use of that dataset.
2. Variance
The variance is the average of squared deviations from the mean. A deviation from the mean is how far a score lies from the mean.
Variance is the square of the standard deviation. This means that the units of variance are much larger than those of a typical value of a data set.
Why do we used Variance ?
By Squairng the number we get non-negative computation i.e. Disperson cannot be negative. The presence of variance is very important in your dataset because this will allow the model to learn about the different patterns hidden in the data
df.var()math score 229.918998
reading score 213.165605
writing score 230.907992
score_mean 203.267676
dtype: float64
We can also understand the Variance using the below function.
zero_cols = []
def var_cal(df,float64_lst):
cols = ['normal_value', 'zero_value']
zero_value = 0
normal_value = 0
for value in float64_lst:
rs = round(df[value].var(),6)
if rs > 0:
normal_value = normal_value + 1
elif rs == 0:
zero_value = zero_value + 1
zero_cols.append(value)
var_total_df = pd.DataFrame([[normal_value, zero_value]], columns=cols)
return var_total_dfvar_cal(df, float64_lst)
var_cal(df, int64_lst)
zero_value -> Zero variance means that there is no difference in the data values, which means that they are all the same.
Measure central tendency
A measure of central tendency is a single value that attempts to describe a set of data by identifying the central position within that set of data. As such, measures of central tendency are sometimes called measures of central location. They are also classed as summary statistics.
Mean — The average value. Median — The mid point value. Mode — The most common value.
1. Mean
The mean is the arithmetic average, and it is probably the measure of central tendency that you are most familiar.
Why do we calculate mean?
The mean is used to summarize a data set. It is a measure of the center of a data set.
df.mean()math score 66.0890
reading score 69.1690
writing score 68.0540
score_mean 67.7698
dtype: float64
We can also understand the mean using the below function.
def mean_cal(df,int64_lst):
cols = ['normal_value', 'zero_value']
zero_value = 0
normal_value = 0
for value in int64_lst:
rs = round(df[value].mean(),6)
if rs > 0:
normal_value = normal_value + 1
elif rs == 0:
zero_value = zero_value + 1
mean_total_df = pd.DataFrame([[normal_value, zero_value]], columns=cols)
return mean_total_dfmean_cal(df, int64_lst)
mean_cal(df,float64_lst)
zero_value -> that the mean of a paticular column is zero, which isn’t usefull in anyway and need to be drop.
2.Median
The median is the middle value. It is the value that splits the dataset in half.The median of a dataset is the value that, assuming the dataset is ordered from smallest to largest, falls in the middle. If there are an even number of values in a dataset, the middle two values are the median.
Why do we calculate median ?
By comparing the median to the mean, you can get an idea of the distribution of a dataset. When the mean and the median are the same, the dataset is more or less evenly distributed from the lowest to highest values.The median will depict that the patient below median is Malignent and above that are Benign.
df.median()math score 66.0
reading score 70.0
writing score 69.0
score_mean 68.3
dtype: float64
We can also understand the median using the below function.
def median_cal(df,int64_lst):
cols = ['normal_value', 'zero_value']
zero_value = 0
normal_value = 0
for value in int64_lst:
rs = round(df[value].mean(),6)
if rs > 0:
normal_value = normal_value + 1
elif rs == 0:
zero_value = zero_value + 1
median_total_df = pd.DataFrame([[normal_value, zero_value]], columns=cols)
return median_total_dfmedian_cal(df, float64_lst)
median_cal(df, int64_lst)
zero_value -> that the median of a paticular column is zero which isn’t usefull in anyway and need to be drop.
3. Mode
The mode is the value that occurs the most frequently in your data set. On a bar chart, the mode is the highest bar. If the data have multiple values that are tied for occurring the most frequently, you have a multimodal distribution. If no value repeats, the data do not have a mode.
Why do we calculate mode ?
The mode can be used to summarize categorical variables, while the mean and median can be calculated only for numeric variables. This is the main advantage of the mode as a measure of central tendency. It’s also useful for discrete variables and for continuous variables when they are expressed as intervals.
df.mode()
def mode_cal(df,int64_lst):
cols = ['normal_value', 'zero_value', 'string_value']
zero_value = 0
normal_value = 0
string_value = 0
for value in int64_lst:
rs = df[value].mode()[0]
if isinstance(rs, str):
string_value = string_value + 1
else:
if rs > 0:
normal_value = normal_value + 1
elif rs == 0:
zero_value = zero_value + 1
mode_total_df = pd.DataFrame([[normal_value, zero_value, string_value]], columns=cols)
return mode_total_dfmode_cal(df, list(df.columns))
zero_value -> that the mode of a paticular column is zero which isn’t usefull in anyway and need to be drop.
Null and Nan values
- Null Values
A null value in a relational database is used when the value in a column is unknown or missing. A null is neither an empty string (for character or datetime data types) nor a zero value (for numeric data types).
df.isnull().sum()gender 0
race/ethnicity 0
parental level of education 0
lunch 0
test preparation course 0
math score 0
reading score 0
writing score 0
score_mean 0
dtype: int64
As we notice that there are no null values in our dataset.
- Nan Values
NaN, standing for Not a Number, is a member of a numeric data type that can be interpreted as a value that is undefined or unrepresentable, especially in floating-point arithmetic.
df.isna().sum()gender 0
race/ethnicity 0
parental level of education 0
lunch 0
test preparation course 0
math score 0
reading score 0
writing score 0
score_mean 0
dtype: int64
As we notice that there are no nan values in our dataset.
- mean -> average value (for numerical)
- mode -> most repeated value (for categorical)
Another way to remove null and nan values is to use the method “df.dropna(inplace=True)”.
Count of unique occurences of every value in all categorical value
for value in objects_lst:
print(f"{value:{10}} {df[value].value_counts()}")gender female 518
male 482
Name: gender, dtype: int64
race/ethnicity group C 319
group D 262
group B 190
group E 140
group A 89
Name: race/ethnicity, dtype: int64
parental level of education some college 226
associate's degree 222
high school 196
some high school 179
bachelor's degree 118
master's degree 59
Name: parental level of education, dtype: int64
lunch standard 645
free/reduced 355
Name: lunch, dtype: int64
test preparation course none 642
completed 358
Name: test preparation course, dtype: int64
- Categorical data are variables that contain label values rather than numeric values.The number of possible values is often limited to a fixed set.
- Use Label Encoder to label the categorical data. Label Encoder is the part of SciKit Learn library in Python and used to convert categorical data, or text data, into numbers, which our predictive models can better understand.
Label Encoding refers to converting the labels into a numeric form so as to convert them into the machine-readable form. Machine learning algorithms can then decide in a better way how those labels must be operated. It is an important pre-processing step for the structured dataset in supervised learning.
#Encoding categorical data values
from sklearn.preprocessing import LabelEncoder
le = LabelEncoder()
df['test preparation course'] = le.fit_transform(df['test preparation course'])
df['lunch'] = le.fit_transform(df['lunch'])
df['race/ethnicity'] = df['race/ethnicity'].replace('group A', 1)
df['race/ethnicity'] = df['race/ethnicity'].replace('group B', 2)
df['race/ethnicity'] = df['race/ethnicity'].replace('group C', 3)
df['race/ethnicity'] = df['race/ethnicity'].replace('group D', 4)
df['race/ethnicity'] = df['race/ethnicity'].replace('group E', 5)
df['parental level of education'] = le.fit_transform(df['parental level of education'])
df['gender'] = le.fit_transform(df['gender'])#After encoding
df['race/ethnicity']0 2
1 3
2 2
3 1
4 3
..
995 5
996 3
997 3
998 4
999 4
Name: race/ethnicity, Length: 1000, dtype: int64df
Skewness
Skewness is a measure of the asymmetry of a distribution. A distribution is asymmetrical when its left and right side are not mirror images. A distribution can have right (or positive), left (or negative), or zero skewness
Why do we calculate Skewness ?
Skewness gives the direction of the outliers if it is right-skewed, most of the outliers are present on the right side of the distribution while if it is left-skewed, most of the outliers will present on the left side of the distribution
Below is the function to calculate skewness.
def right_nor_left(df, int64_lst):
temp_skewness = ['column', 'skewness_value', 'skewness (+ve or -ve)']
temp_skewness_values = []
temp_total = ["positive (+ve) skewed", "normal distrbution" , "negative (-ve) skewed"]
positive = 0
negative = 0
normal = 0
for value in int64_lst:
rs = round(df[value].skew(),4)
if rs > 0:
temp_skewness_values.append([value,rs , "positive (+ve) skewed"])
positive = positive + 1
elif rs == 0:
temp_skewness_values.append([value,rs,"normal distrbution"])
normal = normal + 1
elif rs < 0:
temp_skewness_values.append([value,rs, "negative (-ve) skewed"])
negative = negative + 1
skewness_df = pd.DataFrame(temp_skewness_values, columns=temp_skewness)
skewness_total_df = pd.DataFrame([[positive, normal, negative]], columns=temp_total)
return skewness_df, skewness_total_dffloat64_cols = ['float64','int64']
float64_lst_col = list(df.select_dtypes(include=float64_cols).columns)
skew_df,skew_total_df = right_nor_left(df, float64_lst_col)skew_df
skew_total_df
We notice with the above results that we have following details:
- 5 column is negative skewed.
Step 3 Insights: -
With the statistical analysis we have found that the data have 5 columns with +ve skewness.
Statistical analysis is little difficult to understand at one glance so to make it more understandable we will perform visulatization on the data which will help us to understand the process easily.
Why we are calculating all these metrics?
Mean / Median /Mode/ Variance /Standard Deviation are all very basic but very important concept of statistics used in data science. Almost all the machine learning algorithm uses these concepts in data preprocessing steps. These concepts are part of descriptive statistics where we basically used to describe and understand the data for features in Machine learning
Step 4: Data Exploration
Goal/Purpose:
Graphs we are going to develop in this step:
1. Histogram
A histogram is a bar graph-like representation of data that buckets a range of classes into columns along the horizontal x-axis.The vertical y-axis represents the number count or percentage of occurrences in the data for each column
Distribution in attributes
%matplotlib inline import matplotlib.pyplot as plt df.hist(bins=50, figsize=(30,30)) plt.show()
features = df.columns.tolist()
features['gender',
'race/ethnicity',
'parental level of education',
'lunch',
'test preparation course',
'math score',
'reading score',
'writing score',
'score_mean']sns.set(rc = {'figure.figsize':(18,10)})
sns.countplot(df['gender'])<AxesSubplot:xlabel='gender', ylabel='count'>
Females have more ratio over males.
sns.set(rc = {'figure.figsize':(18,10)})
sns.countplot(df['race/ethnicity'])<AxesSubplot:xlabel='race/ethnicity', ylabel='count'>
Group C (3) has maximum students.
sns.set(rc = {'figure.figsize':(18,10)})
sns.countplot(df['parental level of education'])<AxesSubplot:xlabel='parental level of education', ylabel='count'>
The graph shows the ratio of parental level.
sns.set(rc = {'figure.figsize':(18,10)})
sns.countplot(df['test preparation course'])<AxesSubplot:xlabel='test preparation course', ylabel='count'>
Most of the students have done test preparation course.
Histogram Insight: -
Histogram helps in identifying the following:
- View the shape of your data set’s distribution to look for outliers or other significant data points.
- Determine whether something significant has boccurred from one time period to another.
Why Histogram?
It is used to illustrate the major features of the distribution of the data in a convenient form. It is also useful when dealing with large data sets (greater than 100 observations). It can help detect any unusual observations (outliers) or any gaps in the data.
From the above graphical representation we can identify that the highest bar represents the outliers which is above the maximum range.
We can also identify that the values are moving on the right side, which determines positive and the centered values determines normal skewness.
2. Distplot
A Distplot or distribution plot, depicts the variation in the data distribution. Seaborn Distplot represents the overall distribution of continuous data variables. The Seaborn module along with the Matplotlib module is used to depict the distplot with different variations in it
num = [f for f in df.columns if df.dtypes[f] != 'object']
nd = pd.melt(df, value_vars = num)
n1 = sns.FacetGrid (nd, col='variable', col_wrap=4, sharex=False, sharey = False)
n1 = n1.map(sns.distplot, 'value')
n1<seaborn.axisgrid.FacetGrid at 0x27e1a33d0d0>
Distplot :
Above is the distrution bar graphs to confirm about the statistics of the data about the skewness.
Why Distplot?
Skewness is demonstrated on a bell curve when data points are not distributed symmetrically to the left and right sides of the median on a bell curve. If the bell curve is shifted to the left or the right, it is said to be skewed.
We can observe that the bell curve is shifted to left we indicates positive skewness.As all the column are positively skewed we don’t need to do scaling.
Let’s proceed and check the distribution of the target variable.
df['score_mean'].skew()-0.2989088910766601
The target variable is positively skewed.A normally distributed (or close to normal) target variable helps in better modeling the relationship between target and independent variables.
3. Heatmap
A heatmap (or heat map) is a graphical representation of data where values are depicted by color.Heatmaps make it easy to visualize complex data and understand it at a glance
Correlation — A positive correlation is a relationship between two variables in which both variables move in the same direction. Therefore, when one variable increases as the other variable increases, or one variable decreases while the other decreases.
Correlation can have a value:
- 1 is a perfect positive correlation
- 0 is no correlation (the values don’t seem linked at all)
- -1 is a perfect negative correlation
#correlation plot
sns.set(rc = {'figure.figsize':(25,20)})
corr = df.corr().abs()
sns.heatmap(corr,annot=True)
plt.show()
corr
Heatmap insights: -
As we know, it is recommended to avoid correlated features in your dataset. Indeed, a group of highly correlated features will not bring additional information (or just very few), but will increase the complexity of the algorithm, hence increasing the risk of errors.
Why Heatmap?
Heatmaps are used to show relationships between two variables, one plotted on each axis. By observing how cell colors change across each axis, you can observe if there are any patterns in value for one or both variables.
4. Boxplot
A boxplot is a standardized way of displaying the distribution of data based on a five number summary (“minimum”, first quartile [Q1], median, third quartile [Q3] and “maximum”).
Basically, to find the outlier in a dataset/column.
features = df.columns.tolist()for value in features:
sns.catplot(data=df, x=value, kind="box")
#for target variable
sns.catplot(data=df, x='score_mean', kind='box')<seaborn.axisgrid.FacetGrid at 0x27e20931790>
The dark points are known as Outliers. Outliers are those data points that are significantly different from the rest of the dataset. They are often abnormal observations that skew the data distribution, and arise due to inconsistent data entry, or erroneous observations.
Boxplot Insights: -
- Sometimes outliers may be an error in the data and should be removed. In this case these points are correct readings yet they are different from the other points that they appear to be incorrect.
- The best way to decide wether to remove them or not is to train models with and without these data points and compare their validation accuracy.
- So we will keep it unchanged as it won’t affect our model.
Here, we can see that most of the variables possess outlier values. It would take us days if we start treating these outlier values one by one. Hence, for now we’ll leave them as is and let our algorithm deal with them. As we know, tree-based algorithms are usually robust to outliers.
Why Boxplot?
Box plots are used to show distributions of numeric data values, especially when you want to compare them between multiple groups. They are built to provide high-level information at a glance, offering general information about a group of data’s symmetry, skew, variance, and outliers.
In the next step we will divide our cleaned data into training data and testing data.
Step 2: Data Preparation
Goal:-
Tasks we are going to in this step:
- Now we will separate the target variable and feature columns in two different dataframe and will check the shape of the dataset for validation purpose.
- Split dataset into train and test dataset.
- Scaling on train dataset.
1. Now we spearate the target variable and feature columns in two different dataframe and will check the shape of the dataset for validation purpose.
# Separate target and feature column in X and y variable
target = 'score_mean'
# X will be the features
X = df.drop(target,axis=1)
#y will be the target variable
y = df[target]X.info()<class 'pandas.core.frame.DataFrame'>
RangeIndex: 1000 entries, 0 to 999
Data columns (total 8 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 gender 1000 non-null int32
1 race/ethnicity 1000 non-null int64
2 parental level of education 1000 non-null int32
3 lunch 1000 non-null int32
4 test preparation course 1000 non-null int32
5 math score 1000 non-null int64
6 reading score 1000 non-null int64
7 writing score 1000 non-null int64
dtypes: int32(4), int64(4)
memory usage: 47.0 KBy0 72.7
1 82.3
2 92.7
3 49.3
4 76.3
...
995 94.0
996 57.3
997 65.0
998 74.3
999 83.0
Name: score_mean, Length: 1000, dtype: float64# Check the shape of X and y variable
X.shape, y.shape((1000, 8), (1000,))# Reshape the y variable
y = y.values.reshape(-1,1)# Again check the shape of X and y variable
X.shape, y.shape((1000, 8), (1000, 1))
2. Spliting the dataset in training and testing data.
Here we are spliting our dataset into 80/20 percentage where 80% dataset goes into the training part and 20% goes into testing part.
# Split the X and y into X_train, X_test, y_train, y_test variables with 80-20% split.
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)# Check shape of the splitted variables
X_train.shape, X_test.shape, y_train.shape, y_test.shape((800, 8), (200, 8), (800, 1), (200, 1))
Insights: -
Train test split technique is used to estimate the performance of machine learning algorithms which are used to make predictions on data not used to train the model.It is a fast and easy procedure to perform, the results of which allow you to compare the performance of machine learning algorithms for your predictive modeling problem. Although simple to use and interpret, there are times when the procedure should not be used, such as when you have a small dataset and situations where additional configuration is required, such as when it is used for classification and the dataset is not balanced.
In the next step we will train our model on the basis of our training and testing data.
Step 3: Model Training
Goal:
In this step we are going to train our dataset on different linear regression algorithms. As we know that our target variable is in continuous format so we have to apply linear regression algorithm.
Algorithms we are going to use in this step
- Linear Regression
- Lasso Regression
- Ridge Regression
K-fold cross validation is a procedure used to estimate the skill of the model on new data. There are common tactics that you can use to select the value of k for your dataset. There are commonly used variations on cross-validation, such as stratified and repeated, that are available in scikit-learn
# Define kfold with 10 split
cv = KFold(n_splits=10, shuffle=True, random_state=42)
The goal of cross-validation is to test the model’s ability to predict new data that was not used in estimating it, in order to flag problems like overfitting or selection bias and to give an insight on how the model will generalize to an independent dataset (i.e., an unknown dataset, for instance from a real problem).
1. Linear Regression
Linear regression analysis is used to predict the value of a variable based on the value of another variable. The variable you want to predict is called the dependent variable. The variable you are using to predict the other variable’s value is called the independent variable. Its comes under Supervised Learning technique.
So, Linear regression predicts the output of a numerical dependent variable. Therefore the outcome must be a numerical or continuous value.
Train set cross-validation
#Using linear regression on our training data
from sklearn.linear_model import LinearRegressionreg = LinearRegression()
reg.fit(X_train,y_train)LinearRegression()#Accuracy check of trainig data
#Get R2 score
reg.score(X_train, y_train)0.9999962842895609#Accuracy of test data
reg.score(X_test, y_test)0.9999967986845298# Getting kfold values
lg_scores = -1 * cross_val_score(reg,
X_train,
y_train,
cv=cv,
scoring='neg_root_mean_squared_error')
lg_scoresarray([0.02712082, 0.02812812, 0.02712979, 0.02844858, 0.02691025,
0.0269253 , 0.02879521, 0.02768148, 0.02789991, 0.0260483 ])# Mean of the train kfold scores
lg_score_train = np.mean(lg_scores)
lg_score_train0.0275087758365359
Prediction
Now we will perform prediction on the dataset using Linear Regression.
# Predict the values on X_test_scaled dataset
y_predicted = reg.predict(X_test)
Evaluating
# Evaluating
from sklearn.metrics import f1_score, accuracy_score, precision_score,recall_score
from sklearn.metrics import mean_squared_error
print("The model used is Linear Regression")
l_acc = r2_score(y_test, y_predicted)
print("\nThe accuracy is: {}".format(l_acc))The model used is Linear Regression
The accuracy is: 0.9999967986845298from sklearn.metrics import mean_absolute_error
print("MAE",mean_absolute_error(y_test,y_predicted))MAE 0.021083226242157506# Evaluating
from sklearn.metrics import mean_absolute_error,accuracy_score,r2_score
print("The model used is Linear Regression")
lr_score_test = mean_absolute_error(y_test,y_predicted)
print(f"\nThe MAE is: {lr_score_test} " )
lr_score_test= mean_squared_error(y_test, y_predicted)
print(f"\nThe MSE is: {lr_score_test} ")
lr_score_test = np.sqrt(mean_squared_error(y_test, y_predicted))
print(f"\nThe RMSE is: {lr_score_test}")The model used is Linear Regression
The MAE is: 0.021083226242157506
The MSE is: 0.0006863644369820015
The RMSE is: 0.02619855791798475
2. Lasso Regression
Lasso regression is a type of linear regression that uses shrinkage. Shrinkage is where data values are shrunk towards a central point, like the mean. The lasso procedure encourages simple, sparse models (i.e. models with fewer parameters). This particular type of regression is well-suited for models showing high levels of muticollinearity or when you want to automate certain parts of model selection, like variable selection/parameter elimination.
#Using Lasso Regression
from sklearn import linear_model
lreg = linear_model.Lasso(alpha=0.1)
lreg.fit(X_train, y_train)Lasso(alpha=0.1)#Accuracy check of trainig data
#Get R2 score
lreg.score(X_train, y_train)0.9999959949889866#Accuracy check of test data
#Get R2 score
lreg.score(X_test, y_test)0.9999965549766283#Get kfold values
Nn_scores = -1 * cross_val_score(lreg,
X_train,
y_train,
cv=cv,
scoring='neg_root_mean_squared_error')
Nn_scoresarray([0.02871314, 0.02947139, 0.02792692, 0.03045158, 0.02856887,
0.0267267 , 0.02924692, 0.02862095, 0.02758897, 0.02643275])# Mean of the train kfold scores
lasso_score_train = np.mean(lasso_scores)
lasso_score_train0.031080024373629177
Prediction
# Predict the values on X_test_scaled dataset
y_predicted = lreg.predict(X_test)
Evaluating
# Evaluating the classifier
# printing every score of the classifier
# scoring in anything
from sklearn.metrics import classification_report
from sklearn.metrics import f1_score, accuracy_score, precision_score,recall_score
from sklearn.metrics import confusion_matrix
print("The model used is Lasso Regression")
k_acc = r2_score(y_test, y_predicted)
print("\nThe accuracy is: {}".format(k_acc))The model used is Lasso Regression
The accuracy is: 0.9999965549766283# Evaluating
# printing every error of the regressor
from sklearn.metrics import mean_absolute_error
from sklearn.metrics import mean_squared_error
print("The model used is Lasso Regression")
lasso_score_test = mean_absolute_error(y_test,y_predicted)
print(f"\nThe MAE is: {lasso_score_test}")
lasso_score_test = mean_squared_error(y_test, y_predicted)
print(f"\nThe MSE is: {lasso_score_test}")
lasso_score_test = np.sqrt(mean_squared_error(y_test, y_predicted))
print(f"\nThe RMSE is: {lasso_score_test}")The model used is Lasso Regression
The MAE is: 0.0227676706199297
The MSE is: 0.0007386155937860545
The RMSE is: 0.027177483212874116
3.Ridge regression
Ridge regression is a model tuning method that is used to analyse any data that suffers from multicollinearity. This method performs L2 regularization. When the issue of multicollinearity occurs, least-squares are unbiased, and variances are large, this results in predicted values being far away from the actual values.
#Using Ridge Regression Method on Trainig Dataset
from sklearn.linear_model import Ridge
rig = Ridge(alpha=1.0)
rig.fit(X_train, y_train)Ridge()#Accuracy check of trainig data
#Get R2 score
rig.score(X_train, y_train)0.9999962842825451#Accuracy of test data
rig.score(X_test, y_test)0.9999967986966082# Get kfold values
Dta_scores = -1 * cross_val_score(rig,
X_train,
y_train,
cv=cv,
scoring='neg_root_mean_squared_error')
Dta_scoresarray([0.02712375, 0.02813603, 0.02712853, 0.02845043, 0.02690974,
0.02691784, 0.02879089, 0.02767999, 0.02789223, 0.02604505])# Mean of the train kfold scores
Dta_score_train = np.mean(Dta_scores)
Dta_score_train0.027507448354008802
Prediction
# predict the values on X_test_scaled dataset
y_predicted = rig.predict(X_test)
Evaluating all kinds of evaluating parameters.
# Evaluating
# printing every error of the regressor
from sklearn.metrics import mean_absolute_error
from sklearn.metrics import mean_squared_error
print("The model used is Ridge Regression")
ridge_score_test = mean_absolute_error(y_test,y_predicted)
print(f"\nThe MAE is: {ridge_score_test}")
ridge_score_test = mean_squared_error(y_test, y_predicted)
print(f"\nThe MSE is: {ridge_score_test}")
ridge_score_test = np.sqrt(mean_squared_error(y_test, y_predicted))
print(f"\nThe RMSE is: {ridge_score_test}")The model used is Ridge Regression
The MAE is: 0.021083947940516774
The MSE is: 0.0006863618473903255
The RMSE is: 0.026198508495529387# Evaluating the classifier
# printing every score of the classifier
# scoring in anything
from sklearn.metrics import classification_report
from sklearn.metrics import f1_score, accuracy_score, precision_score,recall_score
from sklearn.metrics import confusion_matrix
print("The model used is Ridge Regression")
r_acc = r2_score(y_test, y_predicted)
print("\nThe accuracy is {}".format(r_acc))The model used is Ridge Regression
The accuracy is 0.9999967986966082
Evaluation: -
test_metrics = np.array([round(lr_score_test,3),
round(lasso_score_test,3),
round(ridge_score_test,3)])
test_metrics = pd.DataFrame(test_metrics, columns=['RMSE (Test Set)'])
test_metrics.index = ['Linear Regression',
'Lasso Regression',
'Ridge Regression']
test_metrics
cal_metric=pd.DataFrame([l_acc,k_acc,r_acc],columns=["Accuracy"])
cal_metric.index=['Linear Regression',
'Lasso Regression',
'Ridge Regression']
cal_metric
Insight:-
- A low RMSE value indicates that the simulated and observed data are close to each other showing a better accuracy. Thus lower the RMSE better is model performance.
- As You can see from above RMSE , we will go with Linear Regression.(According to our dataset).
- As you can see that all the models have the same accuracy. We will prefer Linear Regression to save our model
Step 4: Save Model
Goal:- In this step we are going to save our model in pickel format file.
import pickle
pickle.dump(lin_R , open('Students_Performance_Prediction_linear.pkl', 'wb'))import pickle
pickle.dump(ls_reg , open('Students_Performance_Prediction_lasso.pkl', 'wb'))import pickle
pickle.dump(ridge_reg , open('Students_Performance_Prediction_ridge.pkl', 'wb'))import pickle
def model_prediction(features):
pickled_model = pickle.load(open('Students_Performance_Prediction_linear.pkl', 'rb'))
score_mean = str(list(pickled_model.predict(features)))
return str(f'The amount of the tip is {score_mean}')
We can test our model by giving our own parameters or features to predict.
gender = 0
race_ethnicity = 2
parental_level_of_education =3
lunch = 1
test_preparation_course = 1
math_score = 72
reading_score = 95
writing_score = 82.3model_prediction([[gender,race_ethnicity,parental_level_of_education,lunch,test_preparation_course,math_score,reading_score,writing_score]])'The amount of the tip is [array([83.09476621])]'
Conclusion
After observing the problem statement we have build an efficient model to overcome it. The above model helps in predicting the performance of the student. The accuracy for the model is 99.99%.
Checkout whole project code here (github repo).
🚀 Unlock Your Dream Job with HiDevs Community!
🔍 Seeking the perfect job? HiDevs Community is your gateway to career success in the tech industry. Explore free expert courses, job-seeking support, and career transformation tips.
💼 We offer an upskill program in Gen AI, Data Science, Machine Learning, and assist startups in adopting Gen AI at minimal development costs.
🆓 Best of all, everything we offer is completely free! We are dedicated to helping society.
Book free of cost 1:1 mentorship on any topic of your choice — topmate
✨ We dedicate over 30 minutes to each applicant’s resume, LinkedIn profile, mock interview, and upskill program. If you’d like our guidance, check out our services here
💡 Join us now, and turbocharge your career!
Deepak Chawla LinkedIn
Vijendra Singh LinkedIn
Yajendra Prajapati LinkedIn
YouTube Channel
Instagram Page
HiDevs LinkedIn
Project Youtube Link