SlideShare a Scribd company logo
1 of 28
Predictive Model Based On
Supervised ML
Presented By:-
Abhishek Ray (1783910901)
Dhiraj Gupta (1783910903)
Umeshchandra Yadav (1783910909)
Presented To:-
Computer Science Engineering Department
Rajkiya Engineering College
Kannauj
Content
• Introduction
• Problem Statement
• Tools & Technology
• Experiment And Result
• Conclusion
Introduction
• Predictive analytics includes many of statistical techniques from predictive modeling,
and machine learning, data mining, to analyze current and historical facts to make
predictions about future or otherwise unknown events.
• The use of predictive analytics in marketing, financial services, insurance,
telecommunications, travel, mobility, healthcare, Social Networking and other fields.
• Predictive modeling is the general concept of building a model that is capable of
making predictions
Machine Learning
• Machine learning is a sub-field of computer science. In general the field can be
simply describe as “given the computer the ability to learn without being explicitly
programmed”.
• Supervised learning: In this we have sample about something: for each sample
we have a set of feature (attribute, variable) and a target variable that we would
like to predict. Example.
We have data about And we would like to predict
 E-mails  Spam or Non-Spam
 Financial Data (Stock, Gold .etc)  Stock Price Gold Price
 News Article  How many views will get
Unsupervised learning: The task in which the training data consist of set of input
vector without any corresponding target values.
• No labels are given to the learning algorithm, leaving it on its own to find structure
in its input. It’s have doing by Clustering, Dimensionality Reduction, Anomaly
Detection, others. Example
We have data about And we would like to predict
 Costumers  Find Segments
 Credit card transaction  Find consumption patterns
 Genomic Data  Find group of genes according to biological function
 Reinforcement learning: A form of ML in which the algorithm interacts with a
dynamic environment in which it must perform a certain goal. The program is
provided feedback in terms of reward and punishments as it navigates the problem
space.
 Manufacturing Robot
 Self-Driving Car
 Automatic Trading Software
• Predictive modeling divided into two part Regression and
classification.
• Regression models are based on the analysis of relationships
between variables and trends in order to make predictions about
continuous variables. e.g., the prediction of the Gold price for the
upcoming days.
• In classification is to assign discrete class labels to particular
observations as outcomes of a prediction. Weather forecasting
could be the prediction of a sunny, rainy, or snowy day.
Regression Classification
Linear Regression Logistic Regression
KNN Regressor KNN Classifier
Lasso Regressor Classification Trees
ANN ANN
Work-Flow of Predictive Model
Experiment and Result
1. Diamond Price Prediction
Statement of problem
A company, Intelligent Diamond Reseller (IDR), wants to get into the business of reselling diamonds. They
want to innovate in the business, so they will use predictive modelling to estimate how much the market will pay
for diamonds. Of course, to sell diamonds in the market, first they have to buy them from the producers; this is
where predictive modelling becomes useful.
Objective
In this prediction we use Diamonds data set which containing the prices and other features of almost 54,000
diamonds. When a person or jewelry company want to put a bid to purchase a diamond but is unsure that how
much it should bid. In this prediction model to make a recommendation on how much will be bid of a
diamond.
Implementation of Predictive Model
Data Set Information
This project attempts to predict the diamond price with respect to the Cut, Clarity, Color, Price etc. It requires a
proper data of diamond as the project also emphasizes. So, it is necessary to have a trusted source having
relevant and necessary data required for the prediction. We will be using diamond dataset
(https://www.kaggle.com/) as the primary source of data. A dataset containing the prices and other features of
almost 54,000 diamonds.
Importing useful Libraries & Raw Data First
I am import some useful libraries such as NumPy, Pandas, Matplotlib & then import raw data. you can see how
the original dataset looks like here.
Statement of problem
Gold is a precious yellow good it use as money. It use as money in the world. The demand of gold
is risen. Gold plays an important role as a stabilizing influence for investment portfolios. The gold
prices are time series data of gold prices fixed. Factors influencing gold prices are many and we
have to be selective in this study to ensure that the model developed is significant.
In this study, we proposed the development for predicting future gold price using Multiple Linear
Regression (MLR). The data used in this part are the Gold Prices (GP) from the Yahoo Financial.
GP will be the single dependent variable in this model. We began by identifying the factors that
influence the price of gold. These factors were used as independent variables in this MLR model.
We also use KNN-Regressor for predicting Price of Gold. Here gold price are in US dollar.
Gold Price Prediction
Methodology for Gold Price Prediction
a. Multiple Linear Regression
• Multiple linear regression (MLR), also tell as multiple regression, is a statistical technique that uses several
explanatory variables to predict the outcome of a response variable. The goal of multiple linear regression
(MLR) is to model the linear relationship between the independent variables and dependent variable.
• This Model we try to predict the target using a Linear Combination of p features
Ypred = W0 +W1X1+W2X2+………WpXp
b. KNN-Regression
• In KNN model is that in order to make prediction for new observation. First we find a predefine number of
taring sample (K) that are closet in distance to the new observation and then use the target values of “K-
Neighbors” to predict the target for the new observation.
• Steps in KNN Model
1. Choose the Number of nighbors
2. Choose a distance metrics (Euclidean Distance)
3. Compute the distance form the query observation
4. Find the k closet training observation to query observation these are the K-neighbors
5. Predict the target value of the query observation by calculating a weighted average of the nighbors taget
values.
Implementation of Predictive Model
• Importing Dataset of Gold
We first install library of yahoo financial to fetch data set of gold then importing its library. Dataset
have Date, Open, high, close, low and volume. We use dataset between 2015-2020.
Data Cleaning and Data Analysis
• After data collection we do cleaning and Analysis of data set by many
different Way. It first fig1 show daily price of gold in graph.
Result of Prediction of Gold Price
• Using MLR (Multiple Linear Regressor)
• Using KNN-Regressor
Stock Price Prediction
Statements of Problem
Stock market is very vast and difficult to understand. It is considered too uncertain to be
predictable due to huge fluctuation of the market.
Financial investors of today are facing this problem of trading as they do not properly
understand as to which stocks to buy or which stocks to sell in order to get optimum result.
So, the purposed project will reduce the problem with suitable accuracy faced in such real
time scenario.
Objective
To identify factors affecting stock market.
To predict an approximate value of share price.
The main feature of this project is to generate an approximate forecasting output and
create a general idea of future values based on the previous data by generating a pattern
Methodology
Stock market prediction seems a complex problem because there are
many factors that have yet to be addressed and it doesn’t seem
statistical at first.
But by proper use of machine learning techniques, one can relate
previous data to the current data and train the machine to learn from it
and make appropriate assumptions.
Implementation of Predictive model
Importing Raw Data
This project attempts to predict the stock value with respect to the stock’s previous
value and trends. In this we are importing dataset Google Stock price
website(https://www.kaggle.com/) as the primary source of data. This website
contains all the details such as: Opening value, Closing value, Highest value, Lowest
value, volume.
Data Preprocessing
The Preprocessing stage involves Data discretization, Data transformation, Data
cleaning, Data Integration After the dataset is transformed into a clean data set, the
dataset is divided into Training and Testing sets to evaluate.
Feature Extraction
When the input data to an algorithm is too large to be processed and it is
suspected to be redundant then it can be transformed into a reduced set of
features. Determining a subset of the initial features is called feature selection. The
selected features are expected to contain the relevant information from the input
data, so that the desired task can be performed by using this reduced
representation instead of the complete initial data.
Training neural network
The model here are RNN and LSTM based model for the prediction of stock prices
The data is fed to the neural network and trained for prediction assigning random
bias and weights.
In this the model composed of sequential Input layer followed by three LSTM layer
and a dense layer with activation and finally a dense output layer with linear
activation function.
Analysis
The output value generated by the layer of RNN is compared with the
target value. The error or the difference between the target and the
obtained value is minimized by the back-propagation algorithm.
Growth of Stocks from 2012 to 2017
Compares by the Previous Graph to the rolling mean (Moving average
of the past 30 days)
Visualization and Results
A rolling analysis of a time series model is often used to assess the model’s stability over time.
when analyzing financial time series data using a statistical Model, a key assumption is that
the parameters of the model are constant over time. Here we are using Iloc to select rows and
columns by in order they are appear in the data frame.
To get the Predicted value we are going to merge the train dataset and test dataset on zero
axis. And reshape the data.
Conclusion
• In order to development of gold prediction model for a regression model, we used Yahoo finance
dataset for the gold price prediction i.e., the dependent variable. Here gold price in US dollar we do
multiple analysis and the build model for predict price using MLR and KNN-Regressor.
• In order to development of Stock Market Price prediction good accuracy is required for this we
have Recurrent Neural Network and LSTM based Stock market Prediction. That help investors and
any person that dealing with stock market. Our initial analysis show significant correlation
between different input parameter. And finally we have predicted the Google stock Price.
THANKU

More Related Content

What's hot

House Price Estimates Based on Machine Learning Algorithm
House Price Estimates Based on Machine Learning AlgorithmHouse Price Estimates Based on Machine Learning Algorithm
House Price Estimates Based on Machine Learning Algorithm
ijtsrd
 
Predictive Modelling
Predictive ModellingPredictive Modelling
Predictive Modelling
Rajiv Advani
 
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Databricks
 

What's hot (20)

Arima
ArimaArima
Arima
 
Stock Price Prediction PPT
Stock Price Prediction  PPTStock Price Prediction  PPT
Stock Price Prediction PPT
 
Predicting house prices_Regression
Predicting house prices_RegressionPredicting house prices_Regression
Predicting house prices_Regression
 
House Price Estimates Based on Machine Learning Algorithm
House Price Estimates Based on Machine Learning AlgorithmHouse Price Estimates Based on Machine Learning Algorithm
House Price Estimates Based on Machine Learning Algorithm
 
Stock Market Prediction
Stock Market Prediction Stock Market Prediction
Stock Market Prediction
 
Stock Market Prediction using Machine Learning
Stock Market Prediction using Machine LearningStock Market Prediction using Machine Learning
Stock Market Prediction using Machine Learning
 
Stock Price Trend Forecasting using Supervised Learning
Stock Price Trend Forecasting using Supervised LearningStock Price Trend Forecasting using Supervised Learning
Stock Price Trend Forecasting using Supervised Learning
 
Prediction of Car Price using Linear Regression
Prediction of Car Price using Linear RegressionPrediction of Car Price using Linear Regression
Prediction of Car Price using Linear Regression
 
Predictive Modelling
Predictive ModellingPredictive Modelling
Predictive Modelling
 
Predictive data analytics models and their applications
Predictive data analytics models and their applicationsPredictive data analytics models and their applications
Predictive data analytics models and their applications
 
Final PPT.pptx
Final PPT.pptxFinal PPT.pptx
Final PPT.pptx
 
Stock Market Price Prediction Using Technical Analysis
Stock Market Price Prediction Using Technical AnalysisStock Market Price Prediction Using Technical Analysis
Stock Market Price Prediction Using Technical Analysis
 
Activation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural networkActivation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural network
 
Time series forecasting with machine learning
Time series forecasting with machine learningTime series forecasting with machine learning
Time series forecasting with machine learning
 
Autoencoders in Deep Learning
Autoencoders in Deep LearningAutoencoders in Deep Learning
Autoencoders in Deep Learning
 
STOCK MARKET PREDICTION
STOCK MARKET PREDICTIONSTOCK MARKET PREDICTION
STOCK MARKET PREDICTION
 
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
 
Machine learning & Time Series Analysis
Machine learning & Time Series AnalysisMachine learning & Time Series Analysis
Machine learning & Time Series Analysis
 
House price prediction
House price predictionHouse price prediction
House price prediction
 
Predictive Modelling
Predictive ModellingPredictive Modelling
Predictive Modelling
 

Similar to Predictive model based on Supervised ML

MIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_BhatiaMIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_Bhatia
Rahul Bhatia
 

Similar to Predictive model based on Supervised ML (20)

Predicting House Prices: A Machine Learning Approach
Predicting House Prices: A Machine Learning ApproachPredicting House Prices: A Machine Learning Approach
Predicting House Prices: A Machine Learning Approach
 
STOCK PRICE PREDICTION USING ML TECHNIQUES
STOCK PRICE PREDICTION USING ML TECHNIQUESSTOCK PRICE PREDICTION USING ML TECHNIQUES
STOCK PRICE PREDICTION USING ML TECHNIQUES
 
Stock market analysis
Stock market analysisStock market analysis
Stock market analysis
 
Dmml report final
Dmml report finalDmml report final
Dmml report final
 
Predictive Analytics - An Overview
Predictive Analytics - An OverviewPredictive Analytics - An Overview
Predictive Analytics - An Overview
 
Predictive Analytics Overview
Predictive Analytics OverviewPredictive Analytics Overview
Predictive Analytics Overview
 
MIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_BhatiaMIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_Bhatia
 
Real Estate Investment Advising Using Machine Learning
Real Estate Investment Advising Using Machine LearningReal Estate Investment Advising Using Machine Learning
Real Estate Investment Advising Using Machine Learning
 
Exploratory Data Analysis - Satyajit.pdf
Exploratory Data Analysis - Satyajit.pdfExploratory Data Analysis - Satyajit.pdf
Exploratory Data Analysis - Satyajit.pdf
 
The Validity of CNN to Time-Series Forecasting Problem
The Validity of CNN to Time-Series Forecasting ProblemThe Validity of CNN to Time-Series Forecasting Problem
The Validity of CNN to Time-Series Forecasting Problem
 
Stock market analysis using supervised machine learning
Stock market analysis using supervised machine learningStock market analysis using supervised machine learning
Stock market analysis using supervised machine learning
 
IRJET- A Detailed Study on Classification Techniques for Data Mining
IRJET- A Detailed Study on Classification Techniques for Data MiningIRJET- A Detailed Study on Classification Techniques for Data Mining
IRJET- A Detailed Study on Classification Techniques for Data Mining
 
laptop price prediction presentation
laptop price prediction presentationlaptop price prediction presentation
laptop price prediction presentation
 
LOAN APPROVAL PRDICTION SYSTEM USING MACHINE LEARNING.
LOAN APPROVAL PRDICTION SYSTEM USING MACHINE LEARNING.LOAN APPROVAL PRDICTION SYSTEM USING MACHINE LEARNING.
LOAN APPROVAL PRDICTION SYSTEM USING MACHINE LEARNING.
 
Application_of_Deep_Learning_Techniques.pptx
Application_of_Deep_Learning_Techniques.pptxApplication_of_Deep_Learning_Techniques.pptx
Application_of_Deep_Learning_Techniques.pptx
 
Supervised learning
Supervised learningSupervised learning
Supervised learning
 
Internship Presentation.pdf
Internship Presentation.pdfInternship Presentation.pdf
Internship Presentation.pdf
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTION
 
BATCH 1 FIRST REVIEW-1.pptx
BATCH 1 FIRST REVIEW-1.pptxBATCH 1 FIRST REVIEW-1.pptx
BATCH 1 FIRST REVIEW-1.pptx
 
Stock market trend prediction using k nearest neighbor(knn) algorithm
Stock market trend prediction using k nearest neighbor(knn) algorithmStock market trend prediction using k nearest neighbor(knn) algorithm
Stock market trend prediction using k nearest neighbor(knn) algorithm
 

Recently uploaded

1029 - Danh muc Sach Giao Khoa 10 . pdf
1029 -  Danh muc Sach Giao Khoa 10 . pdf1029 -  Danh muc Sach Giao Khoa 10 . pdf
1029 - Danh muc Sach Giao Khoa 10 . pdf
QucHHunhnh
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdf
QucHHunhnh
 
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptx
heathfieldcps1
 

Recently uploaded (20)

Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
 
ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.
 
FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024
 
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdfUGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
 
Spatium Project Simulation student brief
Spatium Project Simulation student briefSpatium Project Simulation student brief
Spatium Project Simulation student brief
 
Basic Civil Engineering first year Notes- Chapter 4 Building.pptx
Basic Civil Engineering first year Notes- Chapter 4 Building.pptxBasic Civil Engineering first year Notes- Chapter 4 Building.pptx
Basic Civil Engineering first year Notes- Chapter 4 Building.pptx
 
ComPTIA Overview | Comptia Security+ Book SY0-701
ComPTIA Overview | Comptia Security+ Book SY0-701ComPTIA Overview | Comptia Security+ Book SY0-701
ComPTIA Overview | Comptia Security+ Book SY0-701
 
1029 - Danh muc Sach Giao Khoa 10 . pdf
1029 -  Danh muc Sach Giao Khoa 10 . pdf1029 -  Danh muc Sach Giao Khoa 10 . pdf
1029 - Danh muc Sach Giao Khoa 10 . pdf
 
How to Give a Domain for a Field in Odoo 17
How to Give a Domain for a Field in Odoo 17How to Give a Domain for a Field in Odoo 17
How to Give a Domain for a Field in Odoo 17
 
SOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning PresentationSOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning Presentation
 
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptxSKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdf
 
Python Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxPython Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docx
 
Towards a code of practice for AI in AT.pptx
Towards a code of practice for AI in AT.pptxTowards a code of practice for AI in AT.pptx
Towards a code of practice for AI in AT.pptx
 
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptx
 
Key note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdfKey note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdf
 
Explore beautiful and ugly buildings. Mathematics helps us create beautiful d...
Explore beautiful and ugly buildings. Mathematics helps us create beautiful d...Explore beautiful and ugly buildings. Mathematics helps us create beautiful d...
Explore beautiful and ugly buildings. Mathematics helps us create beautiful d...
 
Micro-Scholarship, What it is, How can it help me.pdf
Micro-Scholarship, What it is, How can it help me.pdfMicro-Scholarship, What it is, How can it help me.pdf
Micro-Scholarship, What it is, How can it help me.pdf
 
Graduate Outcomes Presentation Slides - English
Graduate Outcomes Presentation Slides - EnglishGraduate Outcomes Presentation Slides - English
Graduate Outcomes Presentation Slides - English
 

Predictive model based on Supervised ML

  • 1. Predictive Model Based On Supervised ML Presented By:- Abhishek Ray (1783910901) Dhiraj Gupta (1783910903) Umeshchandra Yadav (1783910909) Presented To:- Computer Science Engineering Department Rajkiya Engineering College Kannauj
  • 2. Content • Introduction • Problem Statement • Tools & Technology • Experiment And Result • Conclusion
  • 3. Introduction • Predictive analytics includes many of statistical techniques from predictive modeling, and machine learning, data mining, to analyze current and historical facts to make predictions about future or otherwise unknown events. • The use of predictive analytics in marketing, financial services, insurance, telecommunications, travel, mobility, healthcare, Social Networking and other fields. • Predictive modeling is the general concept of building a model that is capable of making predictions
  • 4. Machine Learning • Machine learning is a sub-field of computer science. In general the field can be simply describe as “given the computer the ability to learn without being explicitly programmed”. • Supervised learning: In this we have sample about something: for each sample we have a set of feature (attribute, variable) and a target variable that we would like to predict. Example. We have data about And we would like to predict  E-mails  Spam or Non-Spam  Financial Data (Stock, Gold .etc)  Stock Price Gold Price  News Article  How many views will get
  • 5. Unsupervised learning: The task in which the training data consist of set of input vector without any corresponding target values. • No labels are given to the learning algorithm, leaving it on its own to find structure in its input. It’s have doing by Clustering, Dimensionality Reduction, Anomaly Detection, others. Example We have data about And we would like to predict  Costumers  Find Segments  Credit card transaction  Find consumption patterns  Genomic Data  Find group of genes according to biological function
  • 6.  Reinforcement learning: A form of ML in which the algorithm interacts with a dynamic environment in which it must perform a certain goal. The program is provided feedback in terms of reward and punishments as it navigates the problem space.  Manufacturing Robot  Self-Driving Car  Automatic Trading Software
  • 7. • Predictive modeling divided into two part Regression and classification. • Regression models are based on the analysis of relationships between variables and trends in order to make predictions about continuous variables. e.g., the prediction of the Gold price for the upcoming days. • In classification is to assign discrete class labels to particular observations as outcomes of a prediction. Weather forecasting could be the prediction of a sunny, rainy, or snowy day.
  • 8. Regression Classification Linear Regression Logistic Regression KNN Regressor KNN Classifier Lasso Regressor Classification Trees ANN ANN
  • 10. Experiment and Result 1. Diamond Price Prediction Statement of problem A company, Intelligent Diamond Reseller (IDR), wants to get into the business of reselling diamonds. They want to innovate in the business, so they will use predictive modelling to estimate how much the market will pay for diamonds. Of course, to sell diamonds in the market, first they have to buy them from the producers; this is where predictive modelling becomes useful. Objective In this prediction we use Diamonds data set which containing the prices and other features of almost 54,000 diamonds. When a person or jewelry company want to put a bid to purchase a diamond but is unsure that how much it should bid. In this prediction model to make a recommendation on how much will be bid of a diamond.
  • 11. Implementation of Predictive Model Data Set Information This project attempts to predict the diamond price with respect to the Cut, Clarity, Color, Price etc. It requires a proper data of diamond as the project also emphasizes. So, it is necessary to have a trusted source having relevant and necessary data required for the prediction. We will be using diamond dataset (https://www.kaggle.com/) as the primary source of data. A dataset containing the prices and other features of almost 54,000 diamonds. Importing useful Libraries & Raw Data First I am import some useful libraries such as NumPy, Pandas, Matplotlib & then import raw data. you can see how the original dataset looks like here.
  • 12. Statement of problem Gold is a precious yellow good it use as money. It use as money in the world. The demand of gold is risen. Gold plays an important role as a stabilizing influence for investment portfolios. The gold prices are time series data of gold prices fixed. Factors influencing gold prices are many and we have to be selective in this study to ensure that the model developed is significant. In this study, we proposed the development for predicting future gold price using Multiple Linear Regression (MLR). The data used in this part are the Gold Prices (GP) from the Yahoo Financial. GP will be the single dependent variable in this model. We began by identifying the factors that influence the price of gold. These factors were used as independent variables in this MLR model. We also use KNN-Regressor for predicting Price of Gold. Here gold price are in US dollar. Gold Price Prediction
  • 13. Methodology for Gold Price Prediction a. Multiple Linear Regression • Multiple linear regression (MLR), also tell as multiple regression, is a statistical technique that uses several explanatory variables to predict the outcome of a response variable. The goal of multiple linear regression (MLR) is to model the linear relationship between the independent variables and dependent variable. • This Model we try to predict the target using a Linear Combination of p features Ypred = W0 +W1X1+W2X2+………WpXp
  • 14. b. KNN-Regression • In KNN model is that in order to make prediction for new observation. First we find a predefine number of taring sample (K) that are closet in distance to the new observation and then use the target values of “K- Neighbors” to predict the target for the new observation. • Steps in KNN Model 1. Choose the Number of nighbors 2. Choose a distance metrics (Euclidean Distance) 3. Compute the distance form the query observation 4. Find the k closet training observation to query observation these are the K-neighbors 5. Predict the target value of the query observation by calculating a weighted average of the nighbors taget values.
  • 15. Implementation of Predictive Model • Importing Dataset of Gold We first install library of yahoo financial to fetch data set of gold then importing its library. Dataset have Date, Open, high, close, low and volume. We use dataset between 2015-2020.
  • 16. Data Cleaning and Data Analysis • After data collection we do cleaning and Analysis of data set by many different Way. It first fig1 show daily price of gold in graph.
  • 17. Result of Prediction of Gold Price • Using MLR (Multiple Linear Regressor)
  • 19. Stock Price Prediction Statements of Problem Stock market is very vast and difficult to understand. It is considered too uncertain to be predictable due to huge fluctuation of the market. Financial investors of today are facing this problem of trading as they do not properly understand as to which stocks to buy or which stocks to sell in order to get optimum result. So, the purposed project will reduce the problem with suitable accuracy faced in such real time scenario. Objective To identify factors affecting stock market. To predict an approximate value of share price. The main feature of this project is to generate an approximate forecasting output and create a general idea of future values based on the previous data by generating a pattern
  • 20. Methodology Stock market prediction seems a complex problem because there are many factors that have yet to be addressed and it doesn’t seem statistical at first. But by proper use of machine learning techniques, one can relate previous data to the current data and train the machine to learn from it and make appropriate assumptions.
  • 21. Implementation of Predictive model Importing Raw Data This project attempts to predict the stock value with respect to the stock’s previous value and trends. In this we are importing dataset Google Stock price website(https://www.kaggle.com/) as the primary source of data. This website contains all the details such as: Opening value, Closing value, Highest value, Lowest value, volume.
  • 22. Data Preprocessing The Preprocessing stage involves Data discretization, Data transformation, Data cleaning, Data Integration After the dataset is transformed into a clean data set, the dataset is divided into Training and Testing sets to evaluate. Feature Extraction When the input data to an algorithm is too large to be processed and it is suspected to be redundant then it can be transformed into a reduced set of features. Determining a subset of the initial features is called feature selection. The selected features are expected to contain the relevant information from the input data, so that the desired task can be performed by using this reduced representation instead of the complete initial data.
  • 23. Training neural network The model here are RNN and LSTM based model for the prediction of stock prices The data is fed to the neural network and trained for prediction assigning random bias and weights. In this the model composed of sequential Input layer followed by three LSTM layer and a dense layer with activation and finally a dense output layer with linear activation function.
  • 24. Analysis The output value generated by the layer of RNN is compared with the target value. The error or the difference between the target and the obtained value is minimized by the back-propagation algorithm. Growth of Stocks from 2012 to 2017
  • 25. Compares by the Previous Graph to the rolling mean (Moving average of the past 30 days)
  • 26. Visualization and Results A rolling analysis of a time series model is often used to assess the model’s stability over time. when analyzing financial time series data using a statistical Model, a key assumption is that the parameters of the model are constant over time. Here we are using Iloc to select rows and columns by in order they are appear in the data frame. To get the Predicted value we are going to merge the train dataset and test dataset on zero axis. And reshape the data.
  • 27. Conclusion • In order to development of gold prediction model for a regression model, we used Yahoo finance dataset for the gold price prediction i.e., the dependent variable. Here gold price in US dollar we do multiple analysis and the build model for predict price using MLR and KNN-Regressor. • In order to development of Stock Market Price prediction good accuracy is required for this we have Recurrent Neural Network and LSTM based Stock market Prediction. That help investors and any person that dealing with stock market. Our initial analysis show significant correlation between different input parameter. And finally we have predicted the Google stock Price.