SlideShare a Scribd company logo
1 of 6
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 973
House Price Prediction Using Machine Learning Via Data Analysis
Vachana J Rai1, Sharath H M2, Sankalp M R3, Sanjana S4, Bhavya Balakrishnan5
1,2,3,4 Students, Department of Computer Science & Engineering, T John Institute of Technology, Bengaluru, India
5Asst. Professor, Department of Computer Science & Engineering, T John Institute of Technology, Bengaluru, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Research teams are increasingly adopting
machine learning modelstoexecuterelevantproceduresin the
field of house price prediction. As some research did not take
into account all available facts, influencing house price
forecast and produces inaccurate results. The House Price
Index (HPI) is a popular tool for estimating changes in house
costs depending on factors such as location, population,
industrial growth, and economic prospects. This paper givesa
general overview of how to anticipate priceofhousesbasedon
customer requirements utilizing traditional data and
advanced machine learning models, together with regression
techniques and python libraries. The effectiveness of our
analysis is confirmed by the usage of ANN (Artificial Neural
Network), locational attributes, structural attributes, and
data-mining’s capacity to extract knowledge from
unstructured data. This housing price forecast model for Tier-
1 cities, with an accuracy of more than 85%, offers enormous
benefits, particularly to buyers, developers, andresearchers, as
prices continue to fluctuate.
Key Words: House PricePrediction,RegressionModels,
Data Analysis, Machine Learning using Python,
Algorithms.
1. INTRODUCTION
As we all know, a house is a basic human need, and costs for
them vary from place to place depending on amenities like
parking and neighbourhood. The [2] housingmarketshavea
favourable effect on a nation's currency, which is a
significant factor in the national economy. Every year, there
is a growth in the demand for homes, whichindirectlydrives
up home prices. The issue arises when there are many
factors, such as location and property demand, that could
affect the house price. As a result, the majority of
stakeholders, including buyers, developers, home builders,
and the real estate industry, would like to know the precise
characteristics or the accurate factors influencing the house
price to assist investors in their decisions and to assisthome
builders in setting the house price. Viewing [5] transaction
records may help buyers determine whether they were
given a fair price for a home and sellers determine the price
at which a home can be sold in a certain area. Finding a
workable prediction method isthereforeincreasinglycrucial
because the employment of a single classifier is limited.
1.1 Motivation
Many people, whether wealthy or middle class, are
concerned about house prices. It is possible to establish a
mechanism to predict correct prices based on previous
buy/sell values because one can never appraise or estimate
the pricing of a house based on the neighborhood or
amenities offered. Making sure everyone can purchase a
home at the best price is the key goal.
1.2 Objectives
This project is being put forth [1] to forecast house prices
and to acquire better and accurate results. It will use a
variety of regression methods to provide the most precise
and accurate findings. Python programming language is
employed for machine learning in order to complete this
operation. To determine which regression methodproduces
the most precise and accurate results,thestackingalgorithm
is performed to multiple regression algorithms.
1.3 Problem Statement
There is no proper price fixation because prices in tier-1
cities are always changing and dependent on a variety of
factors, including location, population, and potential future
projects. Purchasers, developers, and researchers are all
impacted by this. Users need a suitable platform to obtain
accurate prices based on historical selling price patterns,
employing a variety of features and gathering information
from numerous tier-1 city locations.
1.4 Machine Learning using Python
Python is a sophisticated, widely used programming
language. In 1991, "GUIDO VAN ROSSUM" invented it.
Numerous libraries, including pandas, numpy, SciPy,
matplotlib, etc., are supported by Python. It supports Xlsx,
Writer, and X1Rd, among other packages.Complexscienceis
performed extremely effectively using it. There are
numerous functional Python frameworks.
Machine learning is a branch of artificial intelligence that
allows computer frameworks to pick up new skills and
enhance their performance with the help of data. It is
employed to research the development of computer-based
algorithms formakingpredictions aboutdata.Providingdata
is the first step in the machine learning process, after which
the computers are trained by using a varietyofalgorithmsto
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 974
create machine learning models. Software engineering's
branch of machine learning has significantly altered how
people analyse data.
2. RELATED WORKS
According to research [4],theHousePriceIndex(HPI)isused
in many nations to gauge variations in the cost of residential
real estate, to forecast the average price per square foot of
each house, the dataset including a large number of data
pointsand a widerange of factorsindicatingthehousevalues
traded in previous years was employed. To tidy up the data,
specify minimal values for the parameters"area"and"price."
Prior to creating a regression model, exploratory data
analysis is crucial. Researchers are able to identify implicit
patterns in the data in this way, which helps them select the
best machine learning techniques.
Based on [6] Multiple Linear Regression, the methodology
[MLR] The most prevalent type of linear regression is
multiple linear regression. With the use of Equations 1and2,
the [MLR]multiple linearregressionisemployedasaforecast
predictor to demonstrate the relationship between a
continuous dependentvariableandoneormoreindependent
variables: E(Y | X) = 1 + 1X1 + + pXp -(1) Yj = 1+ 1Xj,1 + +
pXj,p + j - (2). The various regression techniques might
include [LR] One form of linear regression that makes
advantage of shrinking is the lasso regression. [ER] In this
method, the regularization issue is resolved via elastic net
regression. For a non-negative, precisely between 0 and 1,
and a 1. The Gradient Boosting algorithm (GBR) is a machine
learning method for resolving issues with regression and
classification. As a result, a prediction model is created that
combines all of the weak prediction models, mostly decision
trees. AdaBoosting Regression (AR) is a regressionapproach
designed to combine"simple"and"weak"classifierstocreate
a "strong" classifier.
The [10] CNN-based prediction model forhome prices is a
type of feed-forward neural network with a deep structure
and convolution processing, which is one of the
representative deep learning algorithms.Intheexperimental
phase, the CNN model is constructed using the TensorFlow
framework. The activation function for the model's two
convolutional layers is the Relu function, and the dropout
method is also used to prevent over-fitting. Results from this
CNN model experimentis98.68%accurate.Although[11]the
accuracy, precision, specificity, and sensitivity are the four
criteria used to assess the success of machine learning
systems. The two discrete values 0 and 1 are regarded as
distinct classes in the work. If the class value is 0, we assume
that the house's price has reduced, and if the class value is 1,
we assume that the house's price has grown. The accuracy
levels attained with this technique for various machine
learning methods are as follows: Random Forest - 86%,
Support Vector Machine -82%,andArtificialNeuralNetwork
- 80%.
As in [12] one of the values of the tax object (NJOP) of the
land and the value of the tax object of the building are the
factors that can be quantitativelycalculated to determinethe
selling price of the home. Numerous elements, like the
building's age and strategic placement, have an impact on
both criteria. To acquire the best prediction accuracy, the
initial house price predictionisdifficultandcallsforthefinest
methodology. Fuzzy logic becomes one of the strategies that
can be employed in solving theproblemofestimatingthesale
price of a house that has an uncertainty parameter. For
predicting residential property prices, predictions can also
make use of the K-Nearest Neighbors method in addition to
fuzzy logic and artificial neural networks.
In [13] the nonlinear model for real estate's price
variation prediction of any city, based on leading and
concurrent economic indices, is established using two
techniques, similar to those used in back propagationneural
network (BPN) and radial basis function neural network
(RBF). The outcomes of the predictions are contrasted with
the Public House Price Index. The two indices of the price
fluctuation that are chosen as the performance index arethe
mean absolute error and root mean square error.
Similar to [14], the GA-BP model, which combines the
genetic algorithm(GA)andback propagationneural network
(BPNN), was used to predict the housing price along the
urban rail transit line. This study examined the relationship
between accessibility alongtheurbanrail transitlineand the
change in housing price. By using the cost of residential
areas near a busy metro line as an example and contrasting
the performance of the GA-BP model and the BP model, the
model's dependability was confirmed.Itwasdiscoveredthat
the mean square error of the prediction outcomes is much
lower and that the average absolute error rate of the GA-BP
model is 6.91%, which is 6.45% lower than that of the BP
model. As can be shown, the GA-BP model-based price
prediction algorithm for those residential areas near the
urban line is accurate and completely exploits the potential
relationship between the affordability of housing and the
accessibility of the urban transportation network.
As with reference to [15], an unsupervised learnable
neuron model (DNM) byincludingthenonlinearinteractions
between excitation and inhibition on dendrites is used. We
fit the House Price Index (HPI) data using DNM, after which
we project the trends in the Chinese housing market. We
compare the performance of the DNM to a conventional
statistical model, the exponential smoothing (ES) model, in
order to confirm the efficacy of the DNM. The accuracyofthe
two models' forecasts is assessed using three quantitative
statistical metrics: normalized mean square error, absolute
percentage of error, and correlationcoefficient.According to
experimental findings, the suggested DNM outperforms the
ES in each of the three quantitative statistical criteria.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 975
3. IMPLEMENTATION AND WORKING
3.1 Architectural Diagram
The [7] the basic structural workingmethodologyisbased
on the above flowchart.
3.2 Data Collection and Data Cleaning
There [3] are several methods and procedures used in
data processing. Data from real estate properties in Tier-1
cities was gathered from several real estate websites. The
information would include attributes like location, carpet
size, built-up area, property age, zip code, etc. We need to
gather structured and organized quantitative data. Before
beginning any machine learning research, data must be
collected. Without dataset validity, there would be no sense
in evaluating the data.
Errors are found and removed throughout the data
cleaning process in order to maximize the value of the data.
To guarantee that accurate and correct information is
available from the record set, table, or dataset, it replaces
untidy information. The main goal of data cleaning is to
provide a dynamic estimation of information
3.3 Data Preprocessing and Analysis of Data
The [8] dataset needs to be pre-processed before using
models to predict house prices. First, a missing data
investigation is carried out. A number of missing patterns
are systematically evaluated since they are crucial in
determining the best ways to handle missing data. Since it is
challenging to impute these missing values with an
acceptable level of accuracy,columnswithmorethan55%of
their values missing are eliminatedfromtheoriginal dataset.
Additionally, the result variable's values are missing from a
large number of rows (Price). Theobservationswithmissing
values in the Price column are eliminated since the
imputation of these values can enhance bias in the input
data.
3.4 Data Visualization
Due to its capacity to successfully investigate challenging
concepts and find novel patterns, data visualization is used
in many high-quality visual representations.
3.5 Cross Validation and Training the Model
In order to train a machine learning model using a subset
of the dataset, cross validation is performed. Training is
important to obtain accuracy when dividing data sets into
"N" sets for assessments of the model that has been
constructed.
We must first train the model because the data is divided
into two modules: a test-set and a training-set. The target
variable is a part of the training set. The training data set is
subjected to the decision tree regressor method. Using a
tree-like structure, the decision tree creates a regression
model.
3.6 Testing and Integration with UI
A web framework Flask, gives you the technology, tools,
and libraries necessary to create a webapplication.Flask isa
framework primarily used for integrating Python models
because it is simple to build together routes.
House prices are forecasted using the training model and
a test dataset. The front end is then connected with the
trained model using Python's Flask framework. After
creating the model and successfully producing the desired
result, the integration with the user interface (UI) is thenext
stage, and flask is employed for this.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 976
4. RESULTS
Python-based data mining techniques are used to produce
the desired results. Numerous variables that have an impact
on home pricing are taken into consideration and further
developed. The idea of using machine learning to carry out
the desired task has been considered. Data collection is
started first. Then, data cleaning is carried out to make the
data clean and error-free. The next step is data pre-
processing. The distribution of data in various forms is then
intended to be depicted through thecreationofvariousplots
using data visualization. In the end, the business costs of the
homes were calculated precisely. In addition to employing
regression techniques, several classification algorithms are
taken into account and used on our house pricing dataset,
including the SVM algorithm, decision tree algorithm,
Random Forest classifier, etc. a way that would assistpeople
in purchasing homes at a price that is affordable and within
their means. Various algorithms are used to determine the
homes' sales prices. The sales prices have been determined
more precisely and accurately. The public would benefit
greatly from this. Various data mining methods are used in
Python to produce these findings. It is important to think
about and address thenumerousaspectsthathaveanimpact
on home pricing. We received help from machinelearningto
finish our assignment. Data collecting is done first.
Then, data cleaning is done to make the data clean and
remove all of the errors. The data pre-processing is then
completed. Then, several graphs are made using data
visualization. This has shown how data is distributed in
several ways. Furthermore, the model is prepared for use
and tested. Some categorizationtechniqueswerediscovered
to have been used on our dataset, whereas others had not.
Therefore, the algorithms that were not being used on our
house pricing dataset were removed, and efforts were made
to increase the accuracy and precision of the algorithmsthat
were. A unique stacking approach is suggested in order to
increase the precision of our classification systems. In order
to get better outcomes, it is crucial to increase the
algorithms' accuracy and precision.Thepeoplewouldnot be
able to estimate the sales prices of houses if the results were
inaccurate. Data visualization was also used to improve
accuracy and outcomes. Various algorithms are used to
determine the homes' sales prices. The sales prices have
been determined more precisely and accurately. The public
would benefit greatly from this.
5. FUTURE SCOPE
The future objective is to expand the dataset to other Indian
states and cities, as it currently only comprises Tier-1 cities.
We'll be integrating map into the system to make it even
more informative and user-friendly. As [20] numerous
important factors influence property values. It is a goodidea
to add extra elements if statistics are available, such as
income, salary, population, local amenities, cost of living,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 977
annual property tax, school, crime, and marketing
information. In the near future, we'll give a comparison of
the price projected by the system and the price from real
estate websites like Housing.com, magicbricks.com etc., for
the same user input. We will also suggest real estate
properties to the consumer depending on the anticipated
pricing to further simplify things for them.
6. CONCLUSION
This work [16] uses various machine learning algorithms to
undertake an analytical analysis of the effects of real estate
market fluctuations on real estate health and trends. The
ability to estimate house prices is crucial for minimising the
effects of property valuation and economic expansion in
complicated real estate systems. Amongtheseveral machine
learning methods, XGBoost is applied toenhancehomeprice
prediction in intricate real estate systems. The [17] trial and
error is used to identify the best ANN model. But [18] ANN
has its drawbacks. The inconsistent nature of the findings is
one major issue. The ANN model is capable of self-learning
during the training phase and modifying the weights
appropriately to reduce the error. As a result,itisimpossible
to tell whether the model produced the best result. A series
of tests were run on a public real estate dataset in order to
assess and contrast the suggested model. According to the
experimental data, the XGBoost model is more successful
than other baseline machine learning prediction methodsat
predicting home prices for real estate, attaining 89% of the
measure. Both market players and banks can use this result.
As [19] the market players are constantly curious about the
likelihood of their homes selling. However, if a borrower is
unable to repay the loan, it would be fascinating for the
banks to know how much chance they have of selling the
homes they have taken as collateral. The maintenance of
financial stability depends heavily on the latter.
7. ACKNOWLEDGEMENT
We thank, Dr. Thomas P John (Chairman), Dr. Suresh
Venugopal P (Principal), Dr Srinivasa H P (Vice-principal),
Ms. Suma R (HOD – CSE Department), Dr. John T Mesia Dhas
(Associate Professor & Project Coordinator), Ms. Bhavya
Balakrishnan (Assistant Professor & Project Guide),
Teaching & Non-Teaching Staffs of T. John Institute of
Technology, Bengaluru – 560083.
REFERENCES
[1] Mansi Jain, Himani Rajput, Neha Garg, Pronika Chawla,
“Prediction of House Pricing Using Machine Learning
with Python,” IEEE Xplore Part Number: CFP20V66-
ART; ISBN: 978-1-7281-4108-4, DOI:
10.1109/ICESC48915.2020.9155839
[2] Nor Hamizah Zulkifley, Shuzlina Abdul Rahman, Nor
Hasbiah Ubaidullah, Ismail Ibrahim, “House Price
Prediction using a Machine Learning Model: A Surveyof
Literature,” I.J. Modern Education and Computer
Science,2020,6,46-54,DOI: 10.5815/ijmecs.2020.06.04
[3] Alisha Kuvalekar, Shivani Manchewar, Sidhika Mahadik,
Shila Jawale (Guide), “House Price Forecasting Using
Machine Learning,” Proceedingsofthe3rdInternational
Conference on Advances in Science & Technology
(ICAST) 2020 at: https://ssrn.com/abstract=3565512
[4] Quang Truong, Minh Nguyen, Hy Dang,BoMei,“Housing
Price Prediction via Improved Machine Learning
Techniques,” 2019 International Conference on
Identification, Information and Knowledge in the
Internet of Things (IIKI2019) - Procedia Computer
Science 174 (2020) 433–442,
DOI:10.5815/ijmecs.2020.06.04
[5] Pei-Ying Wang, Chiao-Ting Chen, Jain-Wun Su,Ting-Yun
Wang, Szu-Hao Huang, “Deep Learning Model for House
Price Prediction Using Heterogeneous Data Analysis
Along with Joint Self-AttentionMechanism,”IEEEAccess
– DOI: 10.1109/ACCESS.2021.3071306
[6] CH. Raga Madhuri, Anuradha G, M.Vani Pujitha, “House
Price Prediction Using Regression Techniques: A
Comparative Study,” IEEE 6th International Conference
on smart structures and systems ICSSS 2019, DOI:
10.11098/ICSSS.2019.8882834
[7] P. Durganjali, M. Vani Pujitha, “House Resale Price
Prediction Using Classification Algorithms,” IEEE 6th
International Conference on smart structures and
systems ICSSS 2019 - 978-1-7281-0027-2/19/$31.00
©2019 IEEE, DOI: 10.1109/ICSSS.2019.8882842
[8] The Danh Phan, “Housing Price Prediction using
Machine Learning Algorithms: The Case of Melbourne
City, Australia,” 2018 International Conference on
Machine Learning and Data Engineering (iCMLDE) -
978-1-7281-0404-1/19/$31.00 ©2019 IEEE, DOI
10.1109/iCMLDE.2018.00017
[9] Yajuan Tang, Shuang Qiu, Pengcheng Gui, “Predicting
Housing Price Based on Ensemble Learning Algorithm,”
DOI: 10.1109/IDAP.2018.8620781
[10] Yong Pia, Ansheng Chen, Zhendong Shang, “Housing
Price Prediction Based on CNN,” 9th International
Conference on Information Science and Technology
(ICIST), Hulunbuir, Inner Mongolia, China, DOI:
10.1109/ICIST.2019.8836731
[11] Debanjan Banerjee, Suchibrota Dutta, “Predicting the
Housing Price Direction using Machine Learning
Techniques,” IEEE International Conference on Power,
Control, Signals and Instrumentation Engineering
(ICPCSI-2017) - 978-1-5386-0814-2/17/$31.00©2017
IEEE, https://doi.org/10.1109/ICPCSI.2017.8392275
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 978
[12] Muhammad Fahmi Mukhlishin, Ragil Saputra, Adi
Wibowo, “PredictingHouseSalePriceUsingFuzzyLogic,
Artificial Neural Network and K-Nearest Neighbour,”
2017 1st International Conference on Informatics and
Computational Sciences (ICICoS) - 978-1-5386-0903-
3/17/$31.00 © 2017 IEEE, DOI:
https://doi.org/10.1109/ICICOS.2017.8276357
[13] Li Li and Kai-Hsuan Chu, “Prediction of Real EstatePrice
Variation Based on Economic Parameters,” Proceedings
of the 2017 IEEE International Conference on Applied
System Innovation IEEE-ICASI2017-Meen,Prior&Lam
(Eds) - ISBN 978-1-5090-4897-7, DOI:
https://doi.org/10.1109/ICASI.2017.7988353
[14] Li Ruo-qi and Hu Jun-hong, “Prediction of Housing Price
Along the Urban Rail Transit Line Based On GA-BP
Model and Accessibility,” 2020 IEEE 5th International
Conference on Intelligent Transportation Engineering -
978-1-7281-9409-7/20/$31.00 ©2020 IEEE, DOI:
https://doi.org/10.1109/ICITE50838.2020.9231460
[15] Ying Yu, Shuangbao Song, Tianle Zhou, Hanaki Yachi,
Shangce Gao, “Forecasting House Price Index of China
Using Dendritic Neuron Model,” 978-1-5090-3484-
0/16/$31.00 ©2016 IEEE, DOI:
https://doi.org/10.1109/PIC.2016.7949463
[16] Bandar Almaslukh, “A Gradient Boosting Method for
Effective Prediction of Housing Prices in Complex Real
Estate Systems,” 2020 International Conference on
Technologies and Applications of Artificial Intelligence
(TAAI), DOI: 10.1109/TAAI51410.2020.00047
[17] Wan Teng Lim, Lipo Wang, Yaoli Wang, and Qing Chang,
“Housing PricePredictionUsingNeural Networks,”2016
12th International Conference on Natural Computation,
Fuzzy Systems and Knowledge Discovery(ICNC-FSKD)-
978-1-5090-4093-3/16/$31.00 ©2016 IEEE, DOI:
10.1109/FSKD.2016.7603227
[18] Lipo Wang, Fung Foong Chan, Yaoli Wang, and Qing
Chang, “Predicting Public Housing Prices Using Delayed
Neural Networks,” 2016 IEEE Region 10 Conference
(TENCON) — Proceedings of the International
Conference - 978-1-5090-2597-8/16/$31.00 ©2016
IEEE, DOI: 10.1109/TENCON.2016.7848726
[19] Ceyhun Abbasov, “The predictionofthechance ofselling
of houses as the factor of financial stability,” 2016 IEEE
10th International Conference on Application of
Information and Communication Technologies (AICT),
DOI: 10.1109/icaict.2016.7991786
[20] Sifei Lu, Zengxiang Li, Zheng Qin, Xulei Yang, Rick Siow
Mong Goh, “A Hybrid Regression Technique for House
Prices Prediction,” Proceedings of the 2017 IEEE IEEM -
978-1-5386-0948-4/17/$31.00 ©2017 IEEE, DOI:
10.1109/IEEN.2017.8289904

More Related Content

What's hot

Knowledge based agents
Knowledge based agentsKnowledge based agents
Knowledge based agentsMegha Sharma
 
Probabilistic Reasoning
Probabilistic Reasoning Probabilistic Reasoning
Probabilistic Reasoning Sushant Gautam
 
Explanation methods for Artificial Intelligence Models
Explanation methods for Artificial Intelligence ModelsExplanation methods for Artificial Intelligence Models
Explanation methods for Artificial Intelligence ModelsDeep Learning Italia
 
Introduction to genetic algorithms
Introduction to genetic algorithmsIntroduction to genetic algorithms
Introduction to genetic algorithmsshadanalam
 
Deep learning for real life applications
Deep learning for real life applicationsDeep learning for real life applications
Deep learning for real life applicationsAnas Arram, Ph.D
 
Tutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial NetworksTutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial NetworksMLReview
 
An Introduction to Quantum computing
An Introduction to Quantum computingAn Introduction to Quantum computing
An Introduction to Quantum computingJai Sipani
 
Transformer Introduction (Seminar Material)
Transformer Introduction (Seminar Material)Transformer Introduction (Seminar Material)
Transformer Introduction (Seminar Material)Yuta Niki
 
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 Algorithmijtsrd
 
Gradient-based optimization for Deep Learning: a short introduction
Gradient-based optimization for Deep Learning: a short introductionGradient-based optimization for Deep Learning: a short introduction
Gradient-based optimization for Deep Learning: a short introductionChristian Perone
 
Activation function
Activation functionActivation function
Activation functionAstha Jain
 
History of deep learning
History of deep learningHistory of deep learning
History of deep learningayatan2
 
Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...
Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...
Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...SlideTeam
 
A Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual RepresentationsA Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual RepresentationsSeunghyun Hwang
 
MobileNet - PR044
MobileNet - PR044MobileNet - PR044
MobileNet - PR044Jinwon Lee
 

What's hot (20)

DALLE-2.pptx
DALLE-2.pptxDALLE-2.pptx
DALLE-2.pptx
 
STOCK MARKET PREDICTION
STOCK MARKET PREDICTIONSTOCK MARKET PREDICTION
STOCK MARKET PREDICTION
 
Knowledge based agents
Knowledge based agentsKnowledge based agents
Knowledge based agents
 
Quantum teleportation
Quantum teleportationQuantum teleportation
Quantum teleportation
 
Probabilistic Reasoning
Probabilistic Reasoning Probabilistic Reasoning
Probabilistic Reasoning
 
Explanation methods for Artificial Intelligence Models
Explanation methods for Artificial Intelligence ModelsExplanation methods for Artificial Intelligence Models
Explanation methods for Artificial Intelligence Models
 
Introduction to genetic algorithms
Introduction to genetic algorithmsIntroduction to genetic algorithms
Introduction to genetic algorithms
 
Introduction to Transformer Model
Introduction to Transformer ModelIntroduction to Transformer Model
Introduction to Transformer Model
 
Deep learning for real life applications
Deep learning for real life applicationsDeep learning for real life applications
Deep learning for real life applications
 
Tutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial NetworksTutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial Networks
 
An Introduction to Quantum computing
An Introduction to Quantum computingAn Introduction to Quantum computing
An Introduction to Quantum computing
 
Transformer Introduction (Seminar Material)
Transformer Introduction (Seminar Material)Transformer Introduction (Seminar Material)
Transformer Introduction (Seminar Material)
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
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
 
Gradient-based optimization for Deep Learning: a short introduction
Gradient-based optimization for Deep Learning: a short introductionGradient-based optimization for Deep Learning: a short introduction
Gradient-based optimization for Deep Learning: a short introduction
 
Activation function
Activation functionActivation function
Activation function
 
History of deep learning
History of deep learningHistory of deep learning
History of deep learning
 
Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...
Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...
Artificial Intelligence High Technology PowerPoint Presentation Slides Comple...
 
A Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual RepresentationsA Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual Representations
 
MobileNet - PR044
MobileNet - PR044MobileNet - PR044
MobileNet - PR044
 

Similar to Machine Learning Model Predicts House Prices With 85% Accuracy

House Price Prediction Using Machine Learning
House Price Prediction Using Machine LearningHouse Price Prediction Using Machine Learning
House Price Prediction Using Machine LearningIRJET Journal
 
A Comparative Study on House Price Prediction using Machine Learning
A Comparative Study on House Price Prediction using Machine LearningA Comparative Study on House Price Prediction using Machine Learning
A Comparative Study on House Price Prediction using Machine LearningIRJET Journal
 
REAL ESTATE PRICE PREDICTION
REAL ESTATE PRICE PREDICTIONREAL ESTATE PRICE PREDICTION
REAL ESTATE PRICE PREDICTIONIRJET Journal
 
Review on House Price Prediction through Regression Techniques
Review on House Price Prediction through Regression TechniquesReview on House Price Prediction through Regression Techniques
Review on House Price Prediction through Regression TechniquesIRJET Journal
 
IRJET- House Cost Prediction using Data Science and Machine Learning
IRJET- House Cost Prediction using Data Science and Machine LearningIRJET- House Cost Prediction using Data Science and Machine Learning
IRJET- House Cost Prediction using Data Science and Machine LearningIRJET Journal
 
IRJET - House Price Prediction using Machine Learning and RPA
 IRJET - House Price Prediction using Machine Learning and RPA IRJET - House Price Prediction using Machine Learning and RPA
IRJET - House Price Prediction using Machine Learning and RPAIRJET Journal
 
Artificial Intelligence in Real Estate
Artificial Intelligence in Real EstateArtificial Intelligence in Real Estate
Artificial Intelligence in Real EstateIRJET Journal
 
Pricing Optimization using Machine Learning
Pricing Optimization using Machine LearningPricing Optimization using Machine Learning
Pricing Optimization using Machine LearningIRJET Journal
 
STOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdf
STOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdfSTOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdf
STOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdfprogrammersridhar
 
IRJET - House Price Predictor using ML through Artificial Neural Network
IRJET - House Price Predictor using ML through Artificial Neural NetworkIRJET - House Price Predictor using ML through Artificial Neural Network
IRJET - House Price Predictor using ML through Artificial Neural NetworkIRJET Journal
 
IRJET- House Rent Price Prediction
IRJET- House Rent Price PredictionIRJET- House Rent Price Prediction
IRJET- House Rent Price PredictionIRJET Journal
 
Stock Market Prediction using Long Short-Term Memory
Stock Market Prediction using Long Short-Term MemoryStock Market Prediction using Long Short-Term Memory
Stock Market Prediction using Long Short-Term MemoryIRJET Journal
 
STOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIESSTOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIESIRJET Journal
 
STOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIESSTOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIESIRJET Journal
 
IRJET - Company’s Stock Price Predictor using Machine Learning
IRJET -  	  Company’s Stock Price Predictor using Machine LearningIRJET -  	  Company’s Stock Price Predictor using Machine Learning
IRJET - Company’s Stock Price Predictor using Machine LearningIRJET Journal
 
Housing Price Prediction using Machine Learning
Housing Price Prediction using Machine LearningHousing Price Prediction using Machine Learning
Housing Price Prediction using Machine LearningIRJET Journal
 
House Price Anticipation with Machine Learning
House Price Anticipation with Machine LearningHouse Price Anticipation with Machine Learning
House Price Anticipation with Machine LearningIRJET Journal
 
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 LearningIRJET Journal
 
Template-03 - FYP-BCSM-F22-023.docx
Template-03 - FYP-BCSM-F22-023.docxTemplate-03 - FYP-BCSM-F22-023.docx
Template-03 - FYP-BCSM-F22-023.docxAbdullahAbdulkhaliq1
 

Similar to Machine Learning Model Predicts House Prices With 85% Accuracy (20)

House Price Prediction Using Machine Learning
House Price Prediction Using Machine LearningHouse Price Prediction Using Machine Learning
House Price Prediction Using Machine Learning
 
A Comparative Study on House Price Prediction using Machine Learning
A Comparative Study on House Price Prediction using Machine LearningA Comparative Study on House Price Prediction using Machine Learning
A Comparative Study on House Price Prediction using Machine Learning
 
REAL ESTATE PRICE PREDICTION
REAL ESTATE PRICE PREDICTIONREAL ESTATE PRICE PREDICTION
REAL ESTATE PRICE PREDICTION
 
Review on House Price Prediction through Regression Techniques
Review on House Price Prediction through Regression TechniquesReview on House Price Prediction through Regression Techniques
Review on House Price Prediction through Regression Techniques
 
IRJET- House Cost Prediction using Data Science and Machine Learning
IRJET- House Cost Prediction using Data Science and Machine LearningIRJET- House Cost Prediction using Data Science and Machine Learning
IRJET- House Cost Prediction using Data Science and Machine Learning
 
IRJET - House Price Prediction using Machine Learning and RPA
 IRJET - House Price Prediction using Machine Learning and RPA IRJET - House Price Prediction using Machine Learning and RPA
IRJET - House Price Prediction using Machine Learning and RPA
 
Artificial Intelligence in Real Estate
Artificial Intelligence in Real EstateArtificial Intelligence in Real Estate
Artificial Intelligence in Real Estate
 
Pricing Optimization using Machine Learning
Pricing Optimization using Machine LearningPricing Optimization using Machine Learning
Pricing Optimization using Machine Learning
 
STOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdf
STOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdfSTOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdf
STOCK MARKET PRICE PREDICTION MANAGEMENT SYSTEM.pdf
 
IRJET - House Price Predictor using ML through Artificial Neural Network
IRJET - House Price Predictor using ML through Artificial Neural NetworkIRJET - House Price Predictor using ML through Artificial Neural Network
IRJET - House Price Predictor using ML through Artificial Neural Network
 
bhagat.pdf
bhagat.pdfbhagat.pdf
bhagat.pdf
 
IRJET- House Rent Price Prediction
IRJET- House Rent Price PredictionIRJET- House Rent Price Prediction
IRJET- House Rent Price Prediction
 
Stock Market Prediction using Long Short-Term Memory
Stock Market Prediction using Long Short-Term MemoryStock Market Prediction using Long Short-Term Memory
Stock Market Prediction using Long Short-Term Memory
 
STOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIESSTOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIES
 
STOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIESSTOCK PRICE PREDICTION USING TIME SERIES
STOCK PRICE PREDICTION USING TIME SERIES
 
IRJET - Company’s Stock Price Predictor using Machine Learning
IRJET -  	  Company’s Stock Price Predictor using Machine LearningIRJET -  	  Company’s Stock Price Predictor using Machine Learning
IRJET - Company’s Stock Price Predictor using Machine Learning
 
Housing Price Prediction using Machine Learning
Housing Price Prediction using Machine LearningHousing Price Prediction using Machine Learning
Housing Price Prediction using Machine Learning
 
House Price Anticipation with Machine Learning
House Price Anticipation with Machine LearningHouse Price Anticipation with Machine Learning
House Price Anticipation with Machine Learning
 
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
 
Template-03 - FYP-BCSM-F22-023.docx
Template-03 - FYP-BCSM-F22-023.docxTemplate-03 - FYP-BCSM-F22-023.docx
Template-03 - FYP-BCSM-F22-023.docx
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college projectTonystark477637
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordAsst.prof M.Gokilavani
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).pptssuser5c9d4b1
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSRajkumarAkumalla
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performancesivaprakash250
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSISrknatarajan
 

Recently uploaded (20)

(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 

Machine Learning Model Predicts House Prices With 85% Accuracy

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 973 House Price Prediction Using Machine Learning Via Data Analysis Vachana J Rai1, Sharath H M2, Sankalp M R3, Sanjana S4, Bhavya Balakrishnan5 1,2,3,4 Students, Department of Computer Science & Engineering, T John Institute of Technology, Bengaluru, India 5Asst. Professor, Department of Computer Science & Engineering, T John Institute of Technology, Bengaluru, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Research teams are increasingly adopting machine learning modelstoexecuterelevantproceduresin the field of house price prediction. As some research did not take into account all available facts, influencing house price forecast and produces inaccurate results. The House Price Index (HPI) is a popular tool for estimating changes in house costs depending on factors such as location, population, industrial growth, and economic prospects. This paper givesa general overview of how to anticipate priceofhousesbasedon customer requirements utilizing traditional data and advanced machine learning models, together with regression techniques and python libraries. The effectiveness of our analysis is confirmed by the usage of ANN (Artificial Neural Network), locational attributes, structural attributes, and data-mining’s capacity to extract knowledge from unstructured data. This housing price forecast model for Tier- 1 cities, with an accuracy of more than 85%, offers enormous benefits, particularly to buyers, developers, andresearchers, as prices continue to fluctuate. Key Words: House PricePrediction,RegressionModels, Data Analysis, Machine Learning using Python, Algorithms. 1. INTRODUCTION As we all know, a house is a basic human need, and costs for them vary from place to place depending on amenities like parking and neighbourhood. The [2] housingmarketshavea favourable effect on a nation's currency, which is a significant factor in the national economy. Every year, there is a growth in the demand for homes, whichindirectlydrives up home prices. The issue arises when there are many factors, such as location and property demand, that could affect the house price. As a result, the majority of stakeholders, including buyers, developers, home builders, and the real estate industry, would like to know the precise characteristics or the accurate factors influencing the house price to assist investors in their decisions and to assisthome builders in setting the house price. Viewing [5] transaction records may help buyers determine whether they were given a fair price for a home and sellers determine the price at which a home can be sold in a certain area. Finding a workable prediction method isthereforeincreasinglycrucial because the employment of a single classifier is limited. 1.1 Motivation Many people, whether wealthy or middle class, are concerned about house prices. It is possible to establish a mechanism to predict correct prices based on previous buy/sell values because one can never appraise or estimate the pricing of a house based on the neighborhood or amenities offered. Making sure everyone can purchase a home at the best price is the key goal. 1.2 Objectives This project is being put forth [1] to forecast house prices and to acquire better and accurate results. It will use a variety of regression methods to provide the most precise and accurate findings. Python programming language is employed for machine learning in order to complete this operation. To determine which regression methodproduces the most precise and accurate results,thestackingalgorithm is performed to multiple regression algorithms. 1.3 Problem Statement There is no proper price fixation because prices in tier-1 cities are always changing and dependent on a variety of factors, including location, population, and potential future projects. Purchasers, developers, and researchers are all impacted by this. Users need a suitable platform to obtain accurate prices based on historical selling price patterns, employing a variety of features and gathering information from numerous tier-1 city locations. 1.4 Machine Learning using Python Python is a sophisticated, widely used programming language. In 1991, "GUIDO VAN ROSSUM" invented it. Numerous libraries, including pandas, numpy, SciPy, matplotlib, etc., are supported by Python. It supports Xlsx, Writer, and X1Rd, among other packages.Complexscienceis performed extremely effectively using it. There are numerous functional Python frameworks. Machine learning is a branch of artificial intelligence that allows computer frameworks to pick up new skills and enhance their performance with the help of data. It is employed to research the development of computer-based algorithms formakingpredictions aboutdata.Providingdata is the first step in the machine learning process, after which the computers are trained by using a varietyofalgorithmsto
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 974 create machine learning models. Software engineering's branch of machine learning has significantly altered how people analyse data. 2. RELATED WORKS According to research [4],theHousePriceIndex(HPI)isused in many nations to gauge variations in the cost of residential real estate, to forecast the average price per square foot of each house, the dataset including a large number of data pointsand a widerange of factorsindicatingthehousevalues traded in previous years was employed. To tidy up the data, specify minimal values for the parameters"area"and"price." Prior to creating a regression model, exploratory data analysis is crucial. Researchers are able to identify implicit patterns in the data in this way, which helps them select the best machine learning techniques. Based on [6] Multiple Linear Regression, the methodology [MLR] The most prevalent type of linear regression is multiple linear regression. With the use of Equations 1and2, the [MLR]multiple linearregressionisemployedasaforecast predictor to demonstrate the relationship between a continuous dependentvariableandoneormoreindependent variables: E(Y | X) = 1 + 1X1 + + pXp -(1) Yj = 1+ 1Xj,1 + + pXj,p + j - (2). The various regression techniques might include [LR] One form of linear regression that makes advantage of shrinking is the lasso regression. [ER] In this method, the regularization issue is resolved via elastic net regression. For a non-negative, precisely between 0 and 1, and a 1. The Gradient Boosting algorithm (GBR) is a machine learning method for resolving issues with regression and classification. As a result, a prediction model is created that combines all of the weak prediction models, mostly decision trees. AdaBoosting Regression (AR) is a regressionapproach designed to combine"simple"and"weak"classifierstocreate a "strong" classifier. The [10] CNN-based prediction model forhome prices is a type of feed-forward neural network with a deep structure and convolution processing, which is one of the representative deep learning algorithms.Intheexperimental phase, the CNN model is constructed using the TensorFlow framework. The activation function for the model's two convolutional layers is the Relu function, and the dropout method is also used to prevent over-fitting. Results from this CNN model experimentis98.68%accurate.Although[11]the accuracy, precision, specificity, and sensitivity are the four criteria used to assess the success of machine learning systems. The two discrete values 0 and 1 are regarded as distinct classes in the work. If the class value is 0, we assume that the house's price has reduced, and if the class value is 1, we assume that the house's price has grown. The accuracy levels attained with this technique for various machine learning methods are as follows: Random Forest - 86%, Support Vector Machine -82%,andArtificialNeuralNetwork - 80%. As in [12] one of the values of the tax object (NJOP) of the land and the value of the tax object of the building are the factors that can be quantitativelycalculated to determinethe selling price of the home. Numerous elements, like the building's age and strategic placement, have an impact on both criteria. To acquire the best prediction accuracy, the initial house price predictionisdifficultandcallsforthefinest methodology. Fuzzy logic becomes one of the strategies that can be employed in solving theproblemofestimatingthesale price of a house that has an uncertainty parameter. For predicting residential property prices, predictions can also make use of the K-Nearest Neighbors method in addition to fuzzy logic and artificial neural networks. In [13] the nonlinear model for real estate's price variation prediction of any city, based on leading and concurrent economic indices, is established using two techniques, similar to those used in back propagationneural network (BPN) and radial basis function neural network (RBF). The outcomes of the predictions are contrasted with the Public House Price Index. The two indices of the price fluctuation that are chosen as the performance index arethe mean absolute error and root mean square error. Similar to [14], the GA-BP model, which combines the genetic algorithm(GA)andback propagationneural network (BPNN), was used to predict the housing price along the urban rail transit line. This study examined the relationship between accessibility alongtheurbanrail transitlineand the change in housing price. By using the cost of residential areas near a busy metro line as an example and contrasting the performance of the GA-BP model and the BP model, the model's dependability was confirmed.Itwasdiscoveredthat the mean square error of the prediction outcomes is much lower and that the average absolute error rate of the GA-BP model is 6.91%, which is 6.45% lower than that of the BP model. As can be shown, the GA-BP model-based price prediction algorithm for those residential areas near the urban line is accurate and completely exploits the potential relationship between the affordability of housing and the accessibility of the urban transportation network. As with reference to [15], an unsupervised learnable neuron model (DNM) byincludingthenonlinearinteractions between excitation and inhibition on dendrites is used. We fit the House Price Index (HPI) data using DNM, after which we project the trends in the Chinese housing market. We compare the performance of the DNM to a conventional statistical model, the exponential smoothing (ES) model, in order to confirm the efficacy of the DNM. The accuracyofthe two models' forecasts is assessed using three quantitative statistical metrics: normalized mean square error, absolute percentage of error, and correlationcoefficient.According to experimental findings, the suggested DNM outperforms the ES in each of the three quantitative statistical criteria.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 975 3. IMPLEMENTATION AND WORKING 3.1 Architectural Diagram The [7] the basic structural workingmethodologyisbased on the above flowchart. 3.2 Data Collection and Data Cleaning There [3] are several methods and procedures used in data processing. Data from real estate properties in Tier-1 cities was gathered from several real estate websites. The information would include attributes like location, carpet size, built-up area, property age, zip code, etc. We need to gather structured and organized quantitative data. Before beginning any machine learning research, data must be collected. Without dataset validity, there would be no sense in evaluating the data. Errors are found and removed throughout the data cleaning process in order to maximize the value of the data. To guarantee that accurate and correct information is available from the record set, table, or dataset, it replaces untidy information. The main goal of data cleaning is to provide a dynamic estimation of information 3.3 Data Preprocessing and Analysis of Data The [8] dataset needs to be pre-processed before using models to predict house prices. First, a missing data investigation is carried out. A number of missing patterns are systematically evaluated since they are crucial in determining the best ways to handle missing data. Since it is challenging to impute these missing values with an acceptable level of accuracy,columnswithmorethan55%of their values missing are eliminatedfromtheoriginal dataset. Additionally, the result variable's values are missing from a large number of rows (Price). Theobservationswithmissing values in the Price column are eliminated since the imputation of these values can enhance bias in the input data. 3.4 Data Visualization Due to its capacity to successfully investigate challenging concepts and find novel patterns, data visualization is used in many high-quality visual representations. 3.5 Cross Validation and Training the Model In order to train a machine learning model using a subset of the dataset, cross validation is performed. Training is important to obtain accuracy when dividing data sets into "N" sets for assessments of the model that has been constructed. We must first train the model because the data is divided into two modules: a test-set and a training-set. The target variable is a part of the training set. The training data set is subjected to the decision tree regressor method. Using a tree-like structure, the decision tree creates a regression model. 3.6 Testing and Integration with UI A web framework Flask, gives you the technology, tools, and libraries necessary to create a webapplication.Flask isa framework primarily used for integrating Python models because it is simple to build together routes. House prices are forecasted using the training model and a test dataset. The front end is then connected with the trained model using Python's Flask framework. After creating the model and successfully producing the desired result, the integration with the user interface (UI) is thenext stage, and flask is employed for this.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 976 4. RESULTS Python-based data mining techniques are used to produce the desired results. Numerous variables that have an impact on home pricing are taken into consideration and further developed. The idea of using machine learning to carry out the desired task has been considered. Data collection is started first. Then, data cleaning is carried out to make the data clean and error-free. The next step is data pre- processing. The distribution of data in various forms is then intended to be depicted through thecreationofvariousplots using data visualization. In the end, the business costs of the homes were calculated precisely. In addition to employing regression techniques, several classification algorithms are taken into account and used on our house pricing dataset, including the SVM algorithm, decision tree algorithm, Random Forest classifier, etc. a way that would assistpeople in purchasing homes at a price that is affordable and within their means. Various algorithms are used to determine the homes' sales prices. The sales prices have been determined more precisely and accurately. The public would benefit greatly from this. Various data mining methods are used in Python to produce these findings. It is important to think about and address thenumerousaspectsthathaveanimpact on home pricing. We received help from machinelearningto finish our assignment. Data collecting is done first. Then, data cleaning is done to make the data clean and remove all of the errors. The data pre-processing is then completed. Then, several graphs are made using data visualization. This has shown how data is distributed in several ways. Furthermore, the model is prepared for use and tested. Some categorizationtechniqueswerediscovered to have been used on our dataset, whereas others had not. Therefore, the algorithms that were not being used on our house pricing dataset were removed, and efforts were made to increase the accuracy and precision of the algorithmsthat were. A unique stacking approach is suggested in order to increase the precision of our classification systems. In order to get better outcomes, it is crucial to increase the algorithms' accuracy and precision.Thepeoplewouldnot be able to estimate the sales prices of houses if the results were inaccurate. Data visualization was also used to improve accuracy and outcomes. Various algorithms are used to determine the homes' sales prices. The sales prices have been determined more precisely and accurately. The public would benefit greatly from this. 5. FUTURE SCOPE The future objective is to expand the dataset to other Indian states and cities, as it currently only comprises Tier-1 cities. We'll be integrating map into the system to make it even more informative and user-friendly. As [20] numerous important factors influence property values. It is a goodidea to add extra elements if statistics are available, such as income, salary, population, local amenities, cost of living,
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 977 annual property tax, school, crime, and marketing information. In the near future, we'll give a comparison of the price projected by the system and the price from real estate websites like Housing.com, magicbricks.com etc., for the same user input. We will also suggest real estate properties to the consumer depending on the anticipated pricing to further simplify things for them. 6. CONCLUSION This work [16] uses various machine learning algorithms to undertake an analytical analysis of the effects of real estate market fluctuations on real estate health and trends. The ability to estimate house prices is crucial for minimising the effects of property valuation and economic expansion in complicated real estate systems. Amongtheseveral machine learning methods, XGBoost is applied toenhancehomeprice prediction in intricate real estate systems. The [17] trial and error is used to identify the best ANN model. But [18] ANN has its drawbacks. The inconsistent nature of the findings is one major issue. The ANN model is capable of self-learning during the training phase and modifying the weights appropriately to reduce the error. As a result,itisimpossible to tell whether the model produced the best result. A series of tests were run on a public real estate dataset in order to assess and contrast the suggested model. According to the experimental data, the XGBoost model is more successful than other baseline machine learning prediction methodsat predicting home prices for real estate, attaining 89% of the measure. Both market players and banks can use this result. As [19] the market players are constantly curious about the likelihood of their homes selling. However, if a borrower is unable to repay the loan, it would be fascinating for the banks to know how much chance they have of selling the homes they have taken as collateral. The maintenance of financial stability depends heavily on the latter. 7. ACKNOWLEDGEMENT We thank, Dr. Thomas P John (Chairman), Dr. Suresh Venugopal P (Principal), Dr Srinivasa H P (Vice-principal), Ms. Suma R (HOD – CSE Department), Dr. John T Mesia Dhas (Associate Professor & Project Coordinator), Ms. Bhavya Balakrishnan (Assistant Professor & Project Guide), Teaching & Non-Teaching Staffs of T. John Institute of Technology, Bengaluru – 560083. REFERENCES [1] Mansi Jain, Himani Rajput, Neha Garg, Pronika Chawla, “Prediction of House Pricing Using Machine Learning with Python,” IEEE Xplore Part Number: CFP20V66- ART; ISBN: 978-1-7281-4108-4, DOI: 10.1109/ICESC48915.2020.9155839 [2] Nor Hamizah Zulkifley, Shuzlina Abdul Rahman, Nor Hasbiah Ubaidullah, Ismail Ibrahim, “House Price Prediction using a Machine Learning Model: A Surveyof Literature,” I.J. Modern Education and Computer Science,2020,6,46-54,DOI: 10.5815/ijmecs.2020.06.04 [3] Alisha Kuvalekar, Shivani Manchewar, Sidhika Mahadik, Shila Jawale (Guide), “House Price Forecasting Using Machine Learning,” Proceedingsofthe3rdInternational Conference on Advances in Science & Technology (ICAST) 2020 at: https://ssrn.com/abstract=3565512 [4] Quang Truong, Minh Nguyen, Hy Dang,BoMei,“Housing Price Prediction via Improved Machine Learning Techniques,” 2019 International Conference on Identification, Information and Knowledge in the Internet of Things (IIKI2019) - Procedia Computer Science 174 (2020) 433–442, DOI:10.5815/ijmecs.2020.06.04 [5] Pei-Ying Wang, Chiao-Ting Chen, Jain-Wun Su,Ting-Yun Wang, Szu-Hao Huang, “Deep Learning Model for House Price Prediction Using Heterogeneous Data Analysis Along with Joint Self-AttentionMechanism,”IEEEAccess – DOI: 10.1109/ACCESS.2021.3071306 [6] CH. Raga Madhuri, Anuradha G, M.Vani Pujitha, “House Price Prediction Using Regression Techniques: A Comparative Study,” IEEE 6th International Conference on smart structures and systems ICSSS 2019, DOI: 10.11098/ICSSS.2019.8882834 [7] P. Durganjali, M. Vani Pujitha, “House Resale Price Prediction Using Classification Algorithms,” IEEE 6th International Conference on smart structures and systems ICSSS 2019 - 978-1-7281-0027-2/19/$31.00 ©2019 IEEE, DOI: 10.1109/ICSSS.2019.8882842 [8] The Danh Phan, “Housing Price Prediction using Machine Learning Algorithms: The Case of Melbourne City, Australia,” 2018 International Conference on Machine Learning and Data Engineering (iCMLDE) - 978-1-7281-0404-1/19/$31.00 ©2019 IEEE, DOI 10.1109/iCMLDE.2018.00017 [9] Yajuan Tang, Shuang Qiu, Pengcheng Gui, “Predicting Housing Price Based on Ensemble Learning Algorithm,” DOI: 10.1109/IDAP.2018.8620781 [10] Yong Pia, Ansheng Chen, Zhendong Shang, “Housing Price Prediction Based on CNN,” 9th International Conference on Information Science and Technology (ICIST), Hulunbuir, Inner Mongolia, China, DOI: 10.1109/ICIST.2019.8836731 [11] Debanjan Banerjee, Suchibrota Dutta, “Predicting the Housing Price Direction using Machine Learning Techniques,” IEEE International Conference on Power, Control, Signals and Instrumentation Engineering (ICPCSI-2017) - 978-1-5386-0814-2/17/$31.00©2017 IEEE, https://doi.org/10.1109/ICPCSI.2017.8392275
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 978 [12] Muhammad Fahmi Mukhlishin, Ragil Saputra, Adi Wibowo, “PredictingHouseSalePriceUsingFuzzyLogic, Artificial Neural Network and K-Nearest Neighbour,” 2017 1st International Conference on Informatics and Computational Sciences (ICICoS) - 978-1-5386-0903- 3/17/$31.00 © 2017 IEEE, DOI: https://doi.org/10.1109/ICICOS.2017.8276357 [13] Li Li and Kai-Hsuan Chu, “Prediction of Real EstatePrice Variation Based on Economic Parameters,” Proceedings of the 2017 IEEE International Conference on Applied System Innovation IEEE-ICASI2017-Meen,Prior&Lam (Eds) - ISBN 978-1-5090-4897-7, DOI: https://doi.org/10.1109/ICASI.2017.7988353 [14] Li Ruo-qi and Hu Jun-hong, “Prediction of Housing Price Along the Urban Rail Transit Line Based On GA-BP Model and Accessibility,” 2020 IEEE 5th International Conference on Intelligent Transportation Engineering - 978-1-7281-9409-7/20/$31.00 ©2020 IEEE, DOI: https://doi.org/10.1109/ICITE50838.2020.9231460 [15] Ying Yu, Shuangbao Song, Tianle Zhou, Hanaki Yachi, Shangce Gao, “Forecasting House Price Index of China Using Dendritic Neuron Model,” 978-1-5090-3484- 0/16/$31.00 ©2016 IEEE, DOI: https://doi.org/10.1109/PIC.2016.7949463 [16] Bandar Almaslukh, “A Gradient Boosting Method for Effective Prediction of Housing Prices in Complex Real Estate Systems,” 2020 International Conference on Technologies and Applications of Artificial Intelligence (TAAI), DOI: 10.1109/TAAI51410.2020.00047 [17] Wan Teng Lim, Lipo Wang, Yaoli Wang, and Qing Chang, “Housing PricePredictionUsingNeural Networks,”2016 12th International Conference on Natural Computation, Fuzzy Systems and Knowledge Discovery(ICNC-FSKD)- 978-1-5090-4093-3/16/$31.00 ©2016 IEEE, DOI: 10.1109/FSKD.2016.7603227 [18] Lipo Wang, Fung Foong Chan, Yaoli Wang, and Qing Chang, “Predicting Public Housing Prices Using Delayed Neural Networks,” 2016 IEEE Region 10 Conference (TENCON) — Proceedings of the International Conference - 978-1-5090-2597-8/16/$31.00 ©2016 IEEE, DOI: 10.1109/TENCON.2016.7848726 [19] Ceyhun Abbasov, “The predictionofthechance ofselling of houses as the factor of financial stability,” 2016 IEEE 10th International Conference on Application of Information and Communication Technologies (AICT), DOI: 10.1109/icaict.2016.7991786 [20] Sifei Lu, Zengxiang Li, Zheng Qin, Xulei Yang, Rick Siow Mong Goh, “A Hybrid Regression Technique for House Prices Prediction,” Proceedings of the 2017 IEEE IEEM - 978-1-5386-0948-4/17/$31.00 ©2017 IEEE, DOI: 10.1109/IEEN.2017.8289904