SlideShare una empresa de Scribd logo
1 de 35
LOAN
ELIGIBILITY
CHECKER
By TEAM 6
Checkingforloan
Eligibility!!
Loading…
www.loaneligilititychecker.com
LEC
Submit
Dataset.csv
Department of Computer Science & Engineering
A MAJORON
Under the Guidance of
O. Srinivas Sir
Sandeep
Baireddy
Sumanth
Reddy
Ganesh
Mugle
Sai kiran
Vodela
Karthik
Balmur
189P1A0527
189P1A0540
189P1A0550
189P1A0504
189P1A0515
TEAM 6
3
E-Commerce Marketing Plan
Content
1. Problem Statement
2. Abstract
3. The classification problem
4. Steps involved in machine learning
5. Features
6. Labels
7. Visualizing data using Excel
8. Explanation of the Code using Jupyter notebook
9. Models of training and testing the dataset
• Loan prediction using logistic regression
• Loan prediction using random forest classification
• Loan prediction using decision tree classification
10. Loan Prediction models Comparison
4
E-Commerce Marketing Plan
Problem Statement
•Understanding the problem statement is the first and foremost step.
•Dream Housing Finance company deals in all home loans. They have
presence across all urban, semi urban and rural areas. Customer first apply for
home loan after that company validates the customer eligibility for loan.
Company wants to automate the loan eligibility process (real time) based on
customer detail provided while filling online application form. These details
are Gender, Marital Status, Education, Number of Dependents, Income, Loan
Amount, Credit History and others. To automate this process, they have given
a problem to identify the customers segments, those are eligible for loan
amount so that they can specifically target these customers.
5
E-Commerce Marketing Plan
Algorithm
Classification
• It is a classification problem where we have to predict whether
a loan would be approved or not. In a classification problem,
we have to predict discrete values based on a given set of
independent variable(s). Classification can be of two types:
• Binary Classification : In this classification we have to predict
either of the two given classes. For example: classifying the
gender as male or female, predicting the result as win or loss,
etc. Multiclass Classification : Here we have to classify the data
into three or more classes. For example: classifying a movie's
genre as comedy, action or romantic, classify fruits as oranges,
apples, or pears, etc.
• Loan prediction is a very common real-life problem that each
retail bank faces atleast once in its lifetime. If done correctly, it
can save a lot of man hours at the end of a retail bank.
Steps involved in machine learning
1 - Data Collection
The quantity & quality of your data dictate how accurate our
model is
The outcome of this step is generally a representation of data
(Guo simplifies to specifying a table) which we will use for
training
Using pre-collected data, by way of datasets from Kaggle, UCI,
etc., still fits into this step
2 - Data Preparation
Wrangle data and prepare it for training
Clean that which may require it (remove duplicates, correct
errors, deal with missing values, normalization, data type
conversions, etc.)
Randomize data, which erases the effects of the particular order
in which we collected and/or otherwise prepared our data.
Steps involved in machine learning
3 - Choose a Model
Different algorithms are for different tasks; choose the right
one
4 - Train the Model
The goal of training is to answer a question or make a
prediction correctly as often as possible
Linear regression example: algorithm would need to learn
values for m (or W) and b (x is input, y is output)
Each iteration of process is a training step
Steps involved in machine learning
5 - Evaluate the Model
Uses some metric or combination of metrics to "measure"
objective performance of model
Test the model against previously unseen data
This unseen data is meant to be somewhat representative of
model performance in the real world, but still helps tune the
model (as opposed to test data, which does not)
Good train/evaluate split 80/20, 70/30, or similar, depending
on domain, data availability, dataset particulars, etc.
Steps involved in machine learning
6 - Parameter Tuning
This step refers to hyper-parameter tuning, which is an "art
form" as opposed to a science
Tune model parameters for improved performance
Simple model hyper-parameters may include: number of
training steps, learning rate, initialization values and
distribution, etc.
7 - Make Predictions
Using further (test set) data which have, until this point, been
withheld from the model (and for which class labels are
known), are used to test the model; a better approximation of
how the model will perform in the real world.
DATASETS
• Here we have two datasets. First is train_dataset.csv,
test_dataset.csv.
• These are datasets of loan approval applications which
are featured with annual income, married or not,
dependents are there or not, educated or not, credit
history present or not, loan amount etc.
• The outcome of the dataset is represented by loan status
in the train dataset.
• This column is absent in test_dataset.csv as we need to
assign loan status with the help of training dataset.
FEATURES
Loan_ID – The ID number generated by the bank which is giving loan.
Gender – Whether the person taking loan is male or female.
Married – Whether the person is married or unmarried.
Dependents – Family members who stay with the person.
Education – Educational qualification of the person taking loan.
Self_Employed – Whether the person is self-employed or not.
ApplicantIncome – The basic salary or income of the applicant per month.
CoapplicantIncome – The basic income or family members.
LoanAmount – The amount of loan for which loan is applied.
Loan_Amount_Term – How much time does the loan applicant take to pay the loan.
Credit_History – Whether the loan applicant has taken loan previously from same bank.
Property_Area – This is about the area where the person stays ( Rural/Urban).
GOAL
Based on the mentioned features, the machine learning
algorithm decides whether the person should be give loan or
not.
Visualizing data using Jupyter notebook
Loan Status
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Visualizing data using Jupyter notebook
Explanation of the Code using Jupyter notebook
The dataset is trained and tested with 3 methods
1.Loan prediction using logistic regression
2.Loan prediction using random forest classification
3.Loan prediction using decision tree classification
4.Loan prediction using XG Boost classification
Loan prediction using Logistic Regression
Loan_ID
Gender Married
Depende
nts
Educatio
n
Self_Emp
loyed
Applicant
Income
Coapplic
antIncom
e
LoanAmo
unt
Loan_Am
ount_Ter
m
Credit_Hi
story
Property
_Area
Loan_Sta
tus
0 LP001002 Male No 0 Graduate No 5849 0.0 NaN 360.0 1.0 Urban Y
1 LP001003 Male Yes 1 Graduate No 4583 1508.0 128.0 360.0 1.0 Rural N
2 LP001005 Male Yes 0 Graduate Yes 3000 0.0 66.0 360.0 1.0 Urban Y
3 LP001006 Male Yes 0
Not
Graduate
No 2583 2358.0 120.0 360.0 1.0 Urban Y
4 LP001008 Male No 0 Graduate No 6000 0.0 141.0 360.0 1.0 Urban Y
# take a look at the top 5 rows of the train set, notice the column "Loan_Status"
train.head()
Loan prediction using Logistic Regression
Loan_ID Gender Married
Dependent
s
Education
Self_Emplo
yed
ApplicantIn
come
Coapplican
tIncome
LoanAmou
nt
Loan_Amo
unt_Term
Credit_Hist
ory
Property_A
rea
0 LP001015 Male Yes 0 Graduate No 5720 0 110.0 360.0 1.0 Urban
1 LP001022 Male Yes 1 Graduate No 3076 1500 126.0 360.0 1.0 Urban
2 LP001031 Male Yes 2 Graduate No 5000 1800 208.0 360.0 1.0 Urban
3 LP001035 Male Yes 2 Graduate No 2340 2546 100.0 360.0 NaN Urban
4 LP001051 Male No 0
Not
Graduate
No 3276 0 78.0 360.0 1.0 Urban
• # take a look at the top 5 rows of the test set, notice the absense of "Loan_Status" that we will predict
• test.head()
Loan prediction using Logistic Regression
from sklearn.model_selection import train_test_split
x_train, x_cv, y_train, y_cv = train_test_split(X,y, test_size=0.3)
# Check Accuracy
# Applying k-Fold Cross Validation
0.8130081300813008
i=1
mean = 0
kf = StratifiedKFold(n_splits=5, shuffle=True, random_state=42)
for train_index,test_index in kf.split(X,y):
print ('n{} of kfold {} '.format(i,kf.n_splits))
xtr,xvl = X.loc[train_index],X.loc[test_index]
ytr,yvl = y[train_index],y[test_index]
model = LogisticRegression(random_state=1)
model.fit(xtr,ytr)
pred_test=model.predict(xvl)
score=accuracy_score(yvl,pred_test)
mean += score
print ('accuracy_score',score)
i+=1
pred_test = model.predict(test)
pred = model.predict_proba(xvl)[:,1]
print ('n Mean Validation Accuracy',mean/(i-1))
0.7981074236971878
# Check Accuracy
Loan prediction using random forest classification
i=1
mean = 0
kf = StratifiedKFold(n_splits=5,random_state=1,shuffle=True)
for train_index,test_index in kf.split(X,y):
print ('n{} of kfold {} '.format(i,kf.n_splits))
xtr,xvl = X.loc[train_index],X.loc[test_index]
ytr,yvl = y[train_index],y[test_index]
model = LogisticRegression(random_state=1)
model.fit(xtr,ytr)
pred_test=model.predict(xvl)
score=accuracy_score(yvl,pred_test)
mean += score
print ('accuracy_score',score)
i+=1
pred_test = model.predict(test)
pred = model.predict_proba(xvl)[:,1]
print ('n Mean Validation Accuracy',mean/(i-1))
0.7214314274290283
# Check Accuracy
Loan prediction using Decision Tree Classification
from sklearn import tree
i=1
mean = 0
kf = StratifiedKFold(n_splits=5,random_state=1,shuffle=True)
for train_index,test_index in kf.split(X,y):
print ('n{} of kfold {} '.format(i,kf.n_splits))
xtr,xvl = X.loc[train_index],X.loc[test_index]
ytr,yvl = y[train_index],y[test_index]
model = tree.DecisionTreeClassifier(random_state=1)
model.fit(xtr,ytr)
pred_test=model.predict(xvl)
score=accuracy_score(yvl,pred_test)
mean += score
print ('accuracy_score',score)
i+=1
pred_test = model.predict(test)
pred = model.predict_proba(xvl)[:,1]
print ('n Mean Validation Accuracy',mean/(i-1))
0.7149140343862455
Loan prediction using XG Boost Classification
from xgboost import XGBClassifier
i=1
mean = 0
kf = StratifiedKFold(n_splits=5,random_state=1,shuffle=True)
for train_index,test_index in kf.split(X,y):
print('n{} of kfold {}'.format(i,kf.n_splits))
xtr,xvl = X.loc[train_index],X.loc[test_index]
ytr,yvl = y[train_index],y[test_index]
model = XGBClassifier(n_estimators=50, max_depth=4)
model.fit(xtr, ytr)
pred_test = model.predict(xvl)
score = accuracy_score(yvl,pred_test)
mean += score
print ('accuracy_score',score)
i+=1
pred_test = model.predict(test)
pred = model.predict_proba(xvl)[:,1]
print ('n Mean Validation Accuracy',mean/(i-1))
0.8752232440357191
Loan prediction models comparison
Loan Prediction Accuracy
Using Logistic Regression 0.7981074236971878
Using Random Forest Classification 0.7914314274290283
Using Decision Tree Classification 0.7149140343862455
Using XG Boost Classification 0.7752232440357191
Tools and Technologies
Software Technologies
Hardware Technologies
• Operating System : Windows10
• Programming Language : Python
• IDE : Jupiter , Excel , Syder
• System : Intel i3 or Above
• Hard Disk : 1 TB or Above
• RAM : 2 GB or Above
THANK
YOU
TEAM 6
Congratulations!!
Yourare eligiblefor the loan
www.loaneligilititychecker.com
LEC

Más contenido relacionado

Similar a Loan Eligibility Checker

Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Simplilearn
 
SURVEY ON SENTIMENT ANALYSIS
SURVEY ON SENTIMENT ANALYSISSURVEY ON SENTIMENT ANALYSIS
SURVEY ON SENTIMENT ANALYSISIRJET Journal
 
Neural Network Model
Neural Network ModelNeural Network Model
Neural Network ModelEric Esajian
 
Loan Default Prediction Using Machine Learning Techniques
Loan Default Prediction Using Machine Learning TechniquesLoan Default Prediction Using Machine Learning Techniques
Loan Default Prediction Using Machine Learning TechniquesIRJET Journal
 
In Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine LearningIn Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine LearningIRJET Journal
 
Loan Approval Prediction Using Machine Learning
Loan Approval Prediction Using Machine LearningLoan Approval Prediction Using Machine Learning
Loan Approval Prediction Using Machine LearningSouma Maiti
 
The 8 Step Data Mining Process
The 8 Step Data Mining ProcessThe 8 Step Data Mining Process
The 8 Step Data Mining ProcessMarc Berman
 
How ml can improve purchase conversions
How ml can improve purchase conversionsHow ml can improve purchase conversions
How ml can improve purchase conversionsSudeep Shukla
 
Creditscore
CreditscoreCreditscore
Creditscorekevinlan
 
AI PROJECTppt.pptx
AI PROJECTppt.pptxAI PROJECTppt.pptx
AI PROJECTppt.pptxChocoMinati
 
Credit risk assessment with imbalanced data sets using SVMs
Credit risk assessment with imbalanced data sets using SVMsCredit risk assessment with imbalanced data sets using SVMs
Credit risk assessment with imbalanced data sets using SVMsIRJET Journal
 
Data mining - Machine Learning
Data mining - Machine LearningData mining - Machine Learning
Data mining - Machine LearningRupaDutta3
 
Classification and Clustering Analysis using Weka
Classification and Clustering Analysis using Weka Classification and Clustering Analysis using Weka
Classification and Clustering Analysis using Weka Ishan Awadhesh
 

Similar a Loan Eligibility Checker (20)

Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
 
Group 1 p53
Group 1 p53Group 1 p53
Group 1 p53
 
SURVEY ON SENTIMENT ANALYSIS
SURVEY ON SENTIMENT ANALYSISSURVEY ON SENTIMENT ANALYSIS
SURVEY ON SENTIMENT ANALYSIS
 
Telecom Churn Analysis
Telecom Churn AnalysisTelecom Churn Analysis
Telecom Churn Analysis
 
Neural Network Model
Neural Network ModelNeural Network Model
Neural Network Model
 
Loan Default Prediction Using Machine Learning Techniques
Loan Default Prediction Using Machine Learning TechniquesLoan Default Prediction Using Machine Learning Techniques
Loan Default Prediction Using Machine Learning Techniques
 
In Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine LearningIn Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine Learning
 
Loan Approval Prediction Using Machine Learning
Loan Approval Prediction Using Machine LearningLoan Approval Prediction Using Machine Learning
Loan Approval Prediction Using Machine Learning
 
The 8 Step Data Mining Process
The 8 Step Data Mining ProcessThe 8 Step Data Mining Process
The 8 Step Data Mining Process
 
Projects
ProjectsProjects
Projects
 
How ml can improve purchase conversions
How ml can improve purchase conversionsHow ml can improve purchase conversions
How ml can improve purchase conversions
 
Creditscore
CreditscoreCreditscore
Creditscore
 
AI PROJECTppt.pptx
AI PROJECTppt.pptxAI PROJECTppt.pptx
AI PROJECTppt.pptx
 
Credit iconip
Credit iconipCredit iconip
Credit iconip
 
Credit risk assessment with imbalanced data sets using SVMs
Credit risk assessment with imbalanced data sets using SVMsCredit risk assessment with imbalanced data sets using SVMs
Credit risk assessment with imbalanced data sets using SVMs
 
Data mining - Machine Learning
Data mining - Machine LearningData mining - Machine Learning
Data mining - Machine Learning
 
Classification and Clustering Analysis using Weka
Classification and Clustering Analysis using Weka Classification and Clustering Analysis using Weka
Classification and Clustering Analysis using Weka
 
Analytics
AnalyticsAnalytics
Analytics
 
LTV Predictions: How do real-life companies use them & what can you learn fro...
LTV Predictions: How do real-life companies use them & what can you learn fro...LTV Predictions: How do real-life companies use them & what can you learn fro...
LTV Predictions: How do real-life companies use them & what can you learn fro...
 
Credit iconip
Credit iconipCredit iconip
Credit iconip
 

Último

TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providermohitmore19
 
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfLearn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfkalichargn70th171
 
Unlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language ModelsUnlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language Modelsaagamshah0812
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsJhone kinadey
 
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerThousandEyes
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsArshad QA
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsAndolasoft Inc
 
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️anilsa9823
 
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...ICS
 
Hand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxHand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxbodapatigopi8531
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...MyIntelliSource, Inc.
 
The Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdfThe Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdfkalichargn70th171
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️Delhi Call girls
 
5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdf5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdfWave PLM
 
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsUnveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsAlberto González Trastoy
 
Diamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionDiamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionSolGuruz
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxComplianceQuest1
 
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...OnePlan Solutions
 
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...panagenda
 

Último (20)

CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service provider
 
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfLearn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
 
Unlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language ModelsUnlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language Models
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial Goals
 
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview Questions
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.js
 
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
 
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
 
Hand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxHand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptx
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
 
The Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdfThe Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdf
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
 
5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdf5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdf
 
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsUnveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
 
Diamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionDiamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with Precision
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docx
 
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
 
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
 

Loan Eligibility Checker

  • 3. 3 E-Commerce Marketing Plan Content 1. Problem Statement 2. Abstract 3. The classification problem 4. Steps involved in machine learning 5. Features 6. Labels 7. Visualizing data using Excel 8. Explanation of the Code using Jupyter notebook 9. Models of training and testing the dataset • Loan prediction using logistic regression • Loan prediction using random forest classification • Loan prediction using decision tree classification 10. Loan Prediction models Comparison
  • 4. 4 E-Commerce Marketing Plan Problem Statement •Understanding the problem statement is the first and foremost step. •Dream Housing Finance company deals in all home loans. They have presence across all urban, semi urban and rural areas. Customer first apply for home loan after that company validates the customer eligibility for loan. Company wants to automate the loan eligibility process (real time) based on customer detail provided while filling online application form. These details are Gender, Marital Status, Education, Number of Dependents, Income, Loan Amount, Credit History and others. To automate this process, they have given a problem to identify the customers segments, those are eligible for loan amount so that they can specifically target these customers.
  • 5. 5 E-Commerce Marketing Plan Algorithm Classification • It is a classification problem where we have to predict whether a loan would be approved or not. In a classification problem, we have to predict discrete values based on a given set of independent variable(s). Classification can be of two types: • Binary Classification : In this classification we have to predict either of the two given classes. For example: classifying the gender as male or female, predicting the result as win or loss, etc. Multiclass Classification : Here we have to classify the data into three or more classes. For example: classifying a movie's genre as comedy, action or romantic, classify fruits as oranges, apples, or pears, etc. • Loan prediction is a very common real-life problem that each retail bank faces atleast once in its lifetime. If done correctly, it can save a lot of man hours at the end of a retail bank.
  • 6. Steps involved in machine learning 1 - Data Collection The quantity & quality of your data dictate how accurate our model is The outcome of this step is generally a representation of data (Guo simplifies to specifying a table) which we will use for training Using pre-collected data, by way of datasets from Kaggle, UCI, etc., still fits into this step 2 - Data Preparation Wrangle data and prepare it for training Clean that which may require it (remove duplicates, correct errors, deal with missing values, normalization, data type conversions, etc.) Randomize data, which erases the effects of the particular order in which we collected and/or otherwise prepared our data.
  • 7. Steps involved in machine learning 3 - Choose a Model Different algorithms are for different tasks; choose the right one 4 - Train the Model The goal of training is to answer a question or make a prediction correctly as often as possible Linear regression example: algorithm would need to learn values for m (or W) and b (x is input, y is output) Each iteration of process is a training step
  • 8. Steps involved in machine learning 5 - Evaluate the Model Uses some metric or combination of metrics to "measure" objective performance of model Test the model against previously unseen data This unseen data is meant to be somewhat representative of model performance in the real world, but still helps tune the model (as opposed to test data, which does not) Good train/evaluate split 80/20, 70/30, or similar, depending on domain, data availability, dataset particulars, etc.
  • 9. Steps involved in machine learning 6 - Parameter Tuning This step refers to hyper-parameter tuning, which is an "art form" as opposed to a science Tune model parameters for improved performance Simple model hyper-parameters may include: number of training steps, learning rate, initialization values and distribution, etc. 7 - Make Predictions Using further (test set) data which have, until this point, been withheld from the model (and for which class labels are known), are used to test the model; a better approximation of how the model will perform in the real world.
  • 10. DATASETS • Here we have two datasets. First is train_dataset.csv, test_dataset.csv. • These are datasets of loan approval applications which are featured with annual income, married or not, dependents are there or not, educated or not, credit history present or not, loan amount etc. • The outcome of the dataset is represented by loan status in the train dataset. • This column is absent in test_dataset.csv as we need to assign loan status with the help of training dataset.
  • 11. FEATURES Loan_ID – The ID number generated by the bank which is giving loan. Gender – Whether the person taking loan is male or female. Married – Whether the person is married or unmarried. Dependents – Family members who stay with the person. Education – Educational qualification of the person taking loan. Self_Employed – Whether the person is self-employed or not. ApplicantIncome – The basic salary or income of the applicant per month. CoapplicantIncome – The basic income or family members. LoanAmount – The amount of loan for which loan is applied. Loan_Amount_Term – How much time does the loan applicant take to pay the loan. Credit_History – Whether the loan applicant has taken loan previously from same bank. Property_Area – This is about the area where the person stays ( Rural/Urban).
  • 12. GOAL Based on the mentioned features, the machine learning algorithm decides whether the person should be give loan or not.
  • 13. Visualizing data using Jupyter notebook Loan Status
  • 14. Visualizing data using Jupyter notebook
  • 15. Visualizing data using Jupyter notebook
  • 16. Visualizing data using Jupyter notebook
  • 17. Visualizing data using Jupyter notebook
  • 18. Visualizing data using Jupyter notebook
  • 19. Visualizing data using Jupyter notebook
  • 20. Visualizing data using Jupyter notebook
  • 21. Visualizing data using Jupyter notebook
  • 22. Visualizing data using Jupyter notebook
  • 23. Visualizing data using Jupyter notebook
  • 24. Visualizing data using Jupyter notebook
  • 25. Visualizing data using Jupyter notebook
  • 26. Explanation of the Code using Jupyter notebook The dataset is trained and tested with 3 methods 1.Loan prediction using logistic regression 2.Loan prediction using random forest classification 3.Loan prediction using decision tree classification 4.Loan prediction using XG Boost classification
  • 27. Loan prediction using Logistic Regression Loan_ID Gender Married Depende nts Educatio n Self_Emp loyed Applicant Income Coapplic antIncom e LoanAmo unt Loan_Am ount_Ter m Credit_Hi story Property _Area Loan_Sta tus 0 LP001002 Male No 0 Graduate No 5849 0.0 NaN 360.0 1.0 Urban Y 1 LP001003 Male Yes 1 Graduate No 4583 1508.0 128.0 360.0 1.0 Rural N 2 LP001005 Male Yes 0 Graduate Yes 3000 0.0 66.0 360.0 1.0 Urban Y 3 LP001006 Male Yes 0 Not Graduate No 2583 2358.0 120.0 360.0 1.0 Urban Y 4 LP001008 Male No 0 Graduate No 6000 0.0 141.0 360.0 1.0 Urban Y # take a look at the top 5 rows of the train set, notice the column "Loan_Status" train.head()
  • 28. Loan prediction using Logistic Regression Loan_ID Gender Married Dependent s Education Self_Emplo yed ApplicantIn come Coapplican tIncome LoanAmou nt Loan_Amo unt_Term Credit_Hist ory Property_A rea 0 LP001015 Male Yes 0 Graduate No 5720 0 110.0 360.0 1.0 Urban 1 LP001022 Male Yes 1 Graduate No 3076 1500 126.0 360.0 1.0 Urban 2 LP001031 Male Yes 2 Graduate No 5000 1800 208.0 360.0 1.0 Urban 3 LP001035 Male Yes 2 Graduate No 2340 2546 100.0 360.0 NaN Urban 4 LP001051 Male No 0 Not Graduate No 3276 0 78.0 360.0 1.0 Urban • # take a look at the top 5 rows of the test set, notice the absense of "Loan_Status" that we will predict • test.head()
  • 29. Loan prediction using Logistic Regression from sklearn.model_selection import train_test_split x_train, x_cv, y_train, y_cv = train_test_split(X,y, test_size=0.3) # Check Accuracy # Applying k-Fold Cross Validation 0.8130081300813008 i=1 mean = 0 kf = StratifiedKFold(n_splits=5, shuffle=True, random_state=42) for train_index,test_index in kf.split(X,y): print ('n{} of kfold {} '.format(i,kf.n_splits)) xtr,xvl = X.loc[train_index],X.loc[test_index] ytr,yvl = y[train_index],y[test_index] model = LogisticRegression(random_state=1) model.fit(xtr,ytr) pred_test=model.predict(xvl) score=accuracy_score(yvl,pred_test) mean += score print ('accuracy_score',score) i+=1 pred_test = model.predict(test) pred = model.predict_proba(xvl)[:,1] print ('n Mean Validation Accuracy',mean/(i-1)) 0.7981074236971878
  • 30. # Check Accuracy Loan prediction using random forest classification i=1 mean = 0 kf = StratifiedKFold(n_splits=5,random_state=1,shuffle=True) for train_index,test_index in kf.split(X,y): print ('n{} of kfold {} '.format(i,kf.n_splits)) xtr,xvl = X.loc[train_index],X.loc[test_index] ytr,yvl = y[train_index],y[test_index] model = LogisticRegression(random_state=1) model.fit(xtr,ytr) pred_test=model.predict(xvl) score=accuracy_score(yvl,pred_test) mean += score print ('accuracy_score',score) i+=1 pred_test = model.predict(test) pred = model.predict_proba(xvl)[:,1] print ('n Mean Validation Accuracy',mean/(i-1)) 0.7214314274290283
  • 31. # Check Accuracy Loan prediction using Decision Tree Classification from sklearn import tree i=1 mean = 0 kf = StratifiedKFold(n_splits=5,random_state=1,shuffle=True) for train_index,test_index in kf.split(X,y): print ('n{} of kfold {} '.format(i,kf.n_splits)) xtr,xvl = X.loc[train_index],X.loc[test_index] ytr,yvl = y[train_index],y[test_index] model = tree.DecisionTreeClassifier(random_state=1) model.fit(xtr,ytr) pred_test=model.predict(xvl) score=accuracy_score(yvl,pred_test) mean += score print ('accuracy_score',score) i+=1 pred_test = model.predict(test) pred = model.predict_proba(xvl)[:,1] print ('n Mean Validation Accuracy',mean/(i-1)) 0.7149140343862455
  • 32. Loan prediction using XG Boost Classification from xgboost import XGBClassifier i=1 mean = 0 kf = StratifiedKFold(n_splits=5,random_state=1,shuffle=True) for train_index,test_index in kf.split(X,y): print('n{} of kfold {}'.format(i,kf.n_splits)) xtr,xvl = X.loc[train_index],X.loc[test_index] ytr,yvl = y[train_index],y[test_index] model = XGBClassifier(n_estimators=50, max_depth=4) model.fit(xtr, ytr) pred_test = model.predict(xvl) score = accuracy_score(yvl,pred_test) mean += score print ('accuracy_score',score) i+=1 pred_test = model.predict(test) pred = model.predict_proba(xvl)[:,1] print ('n Mean Validation Accuracy',mean/(i-1)) 0.8752232440357191
  • 33. Loan prediction models comparison Loan Prediction Accuracy Using Logistic Regression 0.7981074236971878 Using Random Forest Classification 0.7914314274290283 Using Decision Tree Classification 0.7149140343862455 Using XG Boost Classification 0.7752232440357191
  • 34. Tools and Technologies Software Technologies Hardware Technologies • Operating System : Windows10 • Programming Language : Python • IDE : Jupiter , Excel , Syder • System : Intel i3 or Above • Hard Disk : 1 TB or Above • RAM : 2 GB or Above
  • 35. THANK YOU TEAM 6 Congratulations!! Yourare eligiblefor the loan www.loaneligilititychecker.com LEC

Notas del editor

  1. Photo by Anastasiia Ostapovych on Unsplash
  2. \
  3. \