Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: boston-housing-price-prediction

Siddhesh-Agarwal/Housing-Price-Regression

Boston Housing Price prediction using regressions

Language: Python - Size: 39.1 KB - Last synced: about 1 month ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Armin-Abdollahi/Boston-House-Price-Prediction

Language: Jupyter Notebook - Size: 577 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 3 - Forks: 0

EN10/BostonHousing

Boston Housing Dataset Example

Language: Jupyter Notebook - Size: 615 KB - Last synced: about 2 months ago - Pushed: 10 months ago - Stars: 1 - Forks: 1

thestorytellingengineer/Boston_house_pricing_regression

End to end implementation

Language: Jupyter Notebook - Size: 1.26 MB - Last synced: 2 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

Honey28Git/Data-Visualization-Using-Tableau

Data Visualization for Boston House Recommending Dataset using Tableau

Size: 390 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

jasper7zlh/Boston-Housing

Model Evaluation and Validation

Language: Jupyter Notebook - Size: 180 KB - Last synced: 3 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

purrvaja/Regression-Analysis

Regression analysis to predict the house prices, along with exploratory data analysis answering research questions

Language: Jupyter Notebook - Size: 383 KB - Last synced: 3 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

roshanr11/boston-housing-predictions

Predicting housing prices using machine learning and the widely available Boston Housing dataset.

Language: HTML - Size: 288 KB - Last synced: 3 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

arunnandam/boston-streamlit

End to End Boston House Pricing

Language: Jupyter Notebook - Size: 469 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

ragesh2000/Housing-price-prediction

Inspecting the Boston Housing dataset from sklearn and predicting the housing prices using linear regression.

Language: Jupyter Notebook - Size: 7.81 KB - Last synced: 3 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

vishalv91/capstoneproject-realestate

Data: Boston Housing Dataset (HousingData.csv) Programming language(s): R Tool(s): RStudio Business problem: To understand the drivers behind the value of houses in Boston and provide data-driven recommendation to the client on how they can increase the value of housing.The Boston housing dataset consisted of 506 observations and 14 variables. Project challenge(s): MEDV (Median value of homes in Boston) was identified as the dependent variable. While the rest, were the independent variables. The goal was to find out which among the independent variables were statistically significant in driving the house prices (MEDV). The dataset consisted of missing values and outliers. Some of the variables had a skewed distribution. There was multicollinearity among few independent variables. Our Approach: Prior to model building, we tidied up our dataset by eliminating the rows that contained missing values. Replacing the missing values with median and mean of those variables were also done. Considering the three approaches, median imputation(replacing missing values with mean) was found to be the best approach. As the dependent variable "MEDV" (median value of houses) was continuous(numerical) in nature, we implemented the Multiple linear regression to build our model. Additional models were built from Decision trees and Random forest. On further investigation, we discovered that the dependent variable had a skewed distribution. By log transformation of this variable, we were able to get a normal distribution. Post transformation, we found out that the model built from Multiple linear regression with log transformed MEDV was the best in terms of MSE (Mean squared error) value and Adjusted R^2. All the assumptions of linear regression were met.

Language: R - Size: 1.63 MB - Last synced: 3 months ago - Pushed: over 6 years ago - Stars: 1 - Forks: 5

sandilya1599/boston-data-prediction

Boston Data Prices prediction using Scikit Learn

Language: Python - Size: 27.3 KB - Last synced: 4 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

ritulsriva/My-solutions-to-kaggle-datasets

This repository contains my solutions(in Python) to different kaggle datasets

Language: Jupyter Notebook - Size: 7.23 MB - Last synced: 4 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 1

Shardy2907/House-Price-Prediction

A Machine Learning Regression Model has been used to predict the prices for houses in Boston.

Language: Jupyter Notebook - Size: 158 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

dhruvxsethi/Boston-House-Price-Prediction

ML Project Using Linear Regression - Predict Prices of Houses in Boston

Language: Jupyter Notebook - Size: 1.32 MB - Last synced: 5 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

DHwass/XGBoost-on-Home-Data-KAGGLE

In this project, XGBoost is applied to forecast real estate prices using the Boston Housing Dataset. The primary aim is to create an effective predictive model, assess its accuracy through metrics like Mean Absolute Error (MAE), and refine its performance by tuning hyperparameters with HYPEROPT.

Language: Jupyter Notebook - Size: 220 KB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 1 - Forks: 0

qin-yu/julia-regression-boston-housing

2018 [Julia v1.0] machine learning (linear regression & kernel-ridge regression) examples on the Boston housing dataset

Language: Julia - Size: 591 KB - Last synced: 8 months ago - Pushed: over 5 years ago - Stars: 11 - Forks: 4

sheezaW/DeepLearning-and-NeuralNetwork

Neural Network

Language: Jupyter Notebook - Size: 637 KB - Last synced: 9 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

nirupamaprv/Machine-Learning

Notes and Code Files from Udacity MLND

Language: HTML - Size: 254 KB - Last synced: 10 months ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

y-martinez/machine-learning-microservices

Project #4 from the Cloud DevOps Engineer Nanodegree Program - Udacity

Language: Shell - Size: 234 KB - Last synced: 10 months ago - Pushed: about 1 year ago - Stars: 2 - Forks: 2

soubhatta/SYNC_INTERN

Projects on Machine Learning Internship

Size: 6.84 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

lmego/boston_housing

Boston Housing Prediction - 2nd project for Udacity's Machine Learning Nanodegree

Language: HTML - Size: 319 KB - Last synced: 10 months ago - Pushed: over 7 years ago - Stars: 4 - Forks: 4

rodrigobressan/keras_boston_housing_price

Keras 101: A simple Neural Network for House Pricing regression

Language: Jupyter Notebook - Size: 1.62 MB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 15 - Forks: 4

norhanreda/Predict-Boston-House-Prices

๐Ÿ  this machine learning problem aims to predict the price of houses in Boston

Language: Python - Size: 3.91 KB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

rahulravindran0108/Boston-House-Price-Prediction

This repository contains files for Udacity's Machine Learning Nanodegree Project: Boston House Price Prediction

Language: Python - Size: 928 KB - Last synced: 10 months ago - Pushed: over 8 years ago - Stars: 47 - Forks: 28

bagalshreerang/Real-Estate-Price-Prediction

About The Boston House Price Prediction project utilizes data science methodologies and machine learning algorithms to provide accurate predictions for housing prices in the Boston area.

Language: Jupyter Notebook - Size: 723 KB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

thenomaniqbal/boston-housing-price-prediction

This project is about predicting house price of Boston city using supervised machine learning algorithms. In this we used three models Multiple Linear Regression, Decision Tree and Random Forest and finally choose the best one. Furthermore, we briefly introduced Regression, the data set, analyzed and visualized the dataset.

Language: Jupyter Notebook - Size: 4.01 MB - Last synced: 2 months ago - Pushed: almost 2 years ago - Stars: 2 - Forks: 0

DwivediAman-exe/Boston-house-price-prediction

Boston House ๐Ÿก price prediction ML project โœ”๏ธ

Language: Jupyter Notebook - Size: 1.38 MB - Last synced: 11 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

AzeemWaqarRao/HousePricePrediction

This is a machine learning project that uses a linear regression model to predict the prices of houses in Boston, Massachusetts.

Language: Python - Size: 96.7 MB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

aahouzi/Optimization-for-Machine-Learning

Implementation of 11 variants of Gradient Descent algorithm from scratch, applied to the Boston Housing Dataset.

Language: Jupyter Notebook - Size: 697 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 5 - Forks: 0

shreyansh-2003/MLR-Gradient-Descent-For-Model-Explainability

This repository contains a comprehensive implementation of gradient descent for linear regression, including visualizations and comparisons with ordinary least squares (OLS) regression. It also includes an additional implementation for multiple linear regression using gradient descent.

Language: Jupyter Notebook - Size: 4.32 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

ASHOKKUMAR-K/Machine-Learning-Projects

Machine Learning - End to End Data Science Projects

Language: Jupyter Notebook - Size: 26.1 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 68 - Forks: 15

KiraTheGenius/Machine-Learning-Prediction-Boston-Housing-Price

Linear Regression for Predict Housing Price in Boston

Language: Jupyter Notebook - Size: 40 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

sujitmandal/Machine-Learning

Linear Regression , Cross Validation, k-mean clustering , Watershed , Gradients and Edge Detection , threshold , Correlation , Neural Network, Conventional Neural Network , Pneumonia Classification, Social Distancing, Rainfall Prediction, Boston Housing Price Prediction.

Language: Python - Size: 133 MB - Last synced: 4 months ago - Pushed: over 3 years ago - Stars: 2 - Forks: 3

KeeratSachdeva/GRADIENT-DESCENT-BOSTON

An Implementation of the Gradient Descent Algorithm on the ๐ŸกBoston Housing DataSet๐Ÿก.

Language: HTML - Size: 769 KB - Last synced: 12 months ago - Pushed: almost 4 years ago - Stars: 3 - Forks: 1

aps19/B-Spline-Regression

Regression by diviging data into bins and fitting different degree of polynomials on each bin.

Language: Jupyter Notebook - Size: 142 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

antra0497/Udacity-Predicting-Boston-Housing-Prices

Language: Jupyter Notebook - Size: 580 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 10 - Forks: 10

VetlaPavanKalyan/Boston-Housing-Price-Prediction

Linear Regression model trained on Boston Housing Dataset

Language: Jupyter Notebook - Size: 687 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 2 - Forks: 0

ahmadali-jamali/Bostone-housing-price-prediction

Dataset Boston Housing Price prediction

Language: Python - Size: 17.6 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 0

sauravwel/Boston-Housing-Price-Prediction-using-Deep-Learning

This project uses deep learning techniques to predict median housing prices in the Boston area using the Boston Housing dataset. The model employs TensorFlow, Keras, and Numpy, with a mean squared error loss function and Adam optimization algorithm. The results show high accuracy.

Language: Jupyter Notebook - Size: 4.88 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

KanikaMaheshwari1112/Boston-House-Price-Prediction

House Price prediction web application using Streamlit and API building using Postman. Though the boston dataset has been removed from scikit-learn.

Language: Jupyter Notebook - Size: 1.23 MB - Last synced: 11 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

jrbeverly/boston-housing ๐Ÿ“ฆ

Leverage a few basic machine learning concepts to assist you and a client with finding the best selling price for their home.

Language: Jupyter Notebook - Size: 328 KB - Last synced: over 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

JangirSumit/BostonHousePricePrediction

Predicting Boston House Prices

Language: Jupyter Notebook - Size: 41 KB - Last synced: over 1 year ago - Pushed: about 5 years ago - Stars: 4 - Forks: 10

melissacharles/RegressionBostonHousing

Predict Boston House Prices Using Python & Linear Regression

Language: Python - Size: 1000 Bytes - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

Divyanshu-Sri316/Boston-House-Pricing

This project is a Web Application that can be used to predict the Price of house in city of Boston. Boston-Housing-Dataset is used during our Data Analysis process, `Multivariate Regression` is performed and a Regressor model is created. An API is created to run the Dockered Model over the `Heroku Cloud Platform` using `Github Actions`.

Language: Jupyter Notebook - Size: 3.28 MB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

Kisalaykisu/Machine-Learning-Projects

Machine Learning - End to End Data Science Projects

Language: Jupyter Notebook - Size: 24.7 MB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 1

sabeelahmad/Gradient-Descent

Gradient Descent for N features using two datasets: Boston House data, Power Plant Data

Language: Jupyter Notebook - Size: 190 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 3 - Forks: 2

mayur29/Udacity_Machine_Learning_Projects

These are all the assignments from Udacity Nanodegree Machine Learning course

Language: Jupyter Notebook - Size: 10.3 MB - Last synced: over 1 year ago - Pushed: almost 2 years ago - Stars: 3 - Forks: 5

mortezagholi79/Project_ML2

Objective of the repository is to learn and build machine learning models using Python for data Housing Median Price ( BostonHousing).

Language: R - Size: 281 KB - Last synced: over 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

shushrutsharma/data-science-machine-learning-toolkit

All the essential resources and template code needed to understand major data science and machine learning libraries like Numpy, Pandas, Matplotlib and Scikit Learn with few small projects to demonstrate their practical application.

Language: Jupyter Notebook - Size: 68.1 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 5 - Forks: 2

AhmedShoeb0/BostonHousingPrice_PreditionModel

Machine learning model implemented to accurately predict the housing prices in Boston suburbs.

Language: R - Size: 18.6 KB - Last synced: over 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

AndySama79/Multivariable-Regression

Playing with Scikit-learn's Boston house prices

Language: Jupyter Notebook - Size: 3.72 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

DavidCico/Boston-House-Prices-With-Regression-Machine-Learning-and-Keras-Deep-Learning

In this repository, a regression analysis is conducted using different machine learning and deep learning models. The study is led in order to choose the most suitable model by looking at different characteristics (models tuning, features scaling, etc).

Language: Jupyter Notebook - Size: 2.42 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 2 - Forks: 1

Programmer7129/Boston-Housing-Prediction-Model

This code file predicts the House prices (MEDV) based on given features.

Language: Jupyter Notebook - Size: 130 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

Tanjib-Rafi/Multiple-Linear-Regression

Language: Jupyter Notebook - Size: 82 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

rodrigo-fss/machine-learning

Udacity - Machine Learning Nanodegree - Projects

Language: Jupyter Notebook - Size: 2.92 MB - Last synced: over 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

lilianchi/Boston-Housing-Price-Prediction-with-Regression

A repository with my course practice in MGMT590 Machine Learning at Krannert School of Management, Purdue University.

Language: Jupyter Notebook - Size: 85.9 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

thealexsamexe/Boston-House-Price-Prediction

This project is based on Boston House Price Prediction using Linear Regression and Random Forest Regressor.

Language: Jupyter Notebook - Size: 453 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

AkashSCIENTIST/boston-housing-price-prediction

Language: Jupyter Notebook - Size: 2.84 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

kalsam123/Boston-House-price-prediction-using-regression

A machine learning web app for Boston house price prediction.

Language: Jupyter Notebook - Size: 1010 KB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

VirajPatidar/Basic-Machine-Learning

Basic Machine Learning

Language: Jupyter Notebook - Size: 370 KB - Last synced: over 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

UtkarshMishra04/Machine-Learning-Projects

The repository contains various Machine Learning based solutions for data analysis, regression and clustering problems

Language: Jupyter Notebook - Size: 784 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

Analytics-BizCoder/Boston-Housing-Prices-regression-model-

Predict the selling price of a new home in Boston, Massachusetts area using Regression method in R / Rstudio.

Language: R - Size: 29.3 KB - Last synced: 12 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

yashgyy/KerasBostonHousing

L1_L2 Kernel Regularizer + Keras + Regression

Language: Jupyter Notebook - Size: 17.6 KB - Last synced: over 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

somjit101/DS-Linear-Regression

A simple Linear Regression model using the Boston Housing Prices Dataset

Language: Jupyter Notebook - Size: 46.9 KB - Last synced: 11 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

akshaykhadse/ml-linear-regression

Repository for Assignment 1 for CS 725

Language: Python - Size: 20.5 KB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 3

alik604/Notebooks

Notebook for Data Science - Machine Learning

Language: Jupyter Notebook - Size: 147 MB - Last synced: over 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 1

arslanali4343/House-Price-Prediction

Language: Jupyter Notebook - Size: 204 KB - Last synced: 17 days ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

OtemaY/Real_pricing

A project on Data manipulation and visualisation in jupyter notebook. This task focused is on The Boston House Dataset. The goal is to make predictions of a house to determine the factors on which the price depends.

Language: Jupyter Notebook - Size: 1.32 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

AkshitaPatel/Ridge-Lasso-Regression

Ridge and Lasso Regression Implementation using Boston Housing dataset

Language: Jupyter Notebook - Size: 30.3 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

hafidh561/Regression-Boston-Housing-DeepLearning

Predict MEDV use deeplearning

Language: Jupyter Notebook - Size: 10.3 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

geekquad/Boston-Housing

Evaluating the performance and predictive power of a model. Cross questioned several concepts of ML for better understanding.

Language: Jupyter Notebook - Size: 1.43 MB - Last synced: over 1 year ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

kanishksh4rma/Boston_House_Price_Prediction

Boston_House_Price_Prediction

Language: Jupyter Notebook - Size: 51.8 KB - Last synced: 4 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

radadiyamohit81/Boston_Housing_Price_Prediction

The main motive of this project is Price Prediction on the Boston Housing dataset. and here mainly focused on the Implementation using Linear Regression Model.

Language: Jupyter Notebook - Size: 53.7 KB - Last synced: over 1 year ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

enabokov/machine-learning

Basic algorithms implementation for ML

Language: Jupyter Notebook - Size: 208 KB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

sunidhit/MLProject

Optimization of KNN and Linear regression algorithms

Language: Jupyter Notebook - Size: 11.7 KB - Last synced: over 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

rajharsh81070/Machine-Learning-Projects

Implemented machine learning projects.

Language: Jupyter Notebook - Size: 176 KB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

optimistanoop/Machine-Learning-Foundation-Nanodegree

This repo contains projects developed in Machine Learning Foundation Nanodegree.

Language: HTML - Size: 2.84 MB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 0

maneeshd/boston-housing

Predicting Boston Housing Prices

Language: HTML - Size: 884 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 7

deep56parmar/gtuml

GTU Machine Learning Practicals

Language: Jupyter Notebook - Size: 36.1 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

govardhan26/Boston-housing

House price prediction in the boston area.

Language: Jupyter Notebook - Size: 448 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 3

HackBinghamtonArchives/HackBU-Intro-to-ML Fork of cfiutak1/HackBU-Intro-to-ML

Introduction to Machine Learning

Size: 138 KB - Last synced: over 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

deepak525/Boston-Housing-Prices

Predict the best selling price of a new home in Boston

Language: HTML - Size: 418 KB - Last synced: over 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 4

shikharvaish28/Boston-House-Prediction

A notebook with core concepts of gradient descent algorithm to predict the prices for houses in Boston

Language: Jupyter Notebook - Size: 6.63 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

josancamon19/boston_housing

Predicting Boston Housing Prices for Udacity Machine Learning Nanodegree

Language: Jupyter Notebook - Size: 84 KB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

Deimos-M/DL-Neural-network

Basic NN architecture on different dataset

Language: Jupyter Notebook - Size: 128 KB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

valerio/boston-housing

A project built as part of the udacity machine learning ND

Language: HTML - Size: 487 KB - Last synced: over 1 year ago - Pushed: about 8 years ago - Stars: 2 - Forks: 3

JuzerShakir/Predicting_Boston_Housing_Prices

Builded a model to predict the value of a given house in the Boston real estate market using various statistical analysis tools. Identified the best price that a client can sell their house utilizing machine learning.

Language: HTML - Size: 1.68 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 1

inspectordanno/east_boston_amazon Fork of stephentcosta/IDVStudio2

Language: JavaScript - Size: 6.2 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

vishaldpatel92/Linear-Regression-Model-for-Boston-Housing-Dataset-Vishal-_files

Implementing linear regression on Boston Housing dataset using scikit-learn

Language: Jupyter Notebook - Size: 2.07 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 1

mayurmadnani/housing

Analysis on various housing datasets

Language: Jupyter Notebook - Size: 53.7 KB - Last synced: over 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

iYinST/mlbulletin

This is a simple algorithm and framework to solve Boston Housing Problem and handwritten digits recognition .

Language: Python - Size: 11 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

bharatsdev/Machine-Learning-with-Python

Machine Learning in python

Language: HTML - Size: 703 KB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

piyush2896/Predicting-Boston-Housing-Prices

Predicting Boston Housing Prices MLFND Project

Language: HTML - Size: 256 KB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 0 - Forks: 0

msampathkumar/machine-learning Fork of udacity/machine-learning

Content for Udacity's Machine Learning curriculum

Language: Jupyter Notebook - Size: 5.47 MB - Last synced: over 1 year ago - Pushed: over 7 years ago - Stars: 1 - Forks: 0

joelselvaraj/Udacity-MLND-boston_housing

Udacity - Machine Learning Engineer Nanodegree Project - Boston House Price Prediction

Language: HTML - Size: 199 KB - Last synced: over 1 year ago - Pushed: over 7 years ago - Stars: 0 - Forks: 1

Related Keywords
boston-housing-price-prediction 96 machine-learning 54 linear-regression 27 boston-housing-dataset 22 python 16 regression 14 pandas 13 jupyter-notebook 12 machine-learning-algorithms 12 udacity-nanodegree 11 python3 11 sklearn 10 data-science 10 numpy 9 boston-housing 9 supervised-learning 8 regression-models 7 neural-network 7 scikit-learn 7 matplotlib 7 deep-learning 6 boston 6 keras 6 gradient-descent 6 udacity 5 seaborn 4 housing-prices 4 tensorflow 4 xgboost-regression 4 cross-validation 4 random-forest-regression 4 heroku 4 udacity-machine-learning-nanodegree 4 classification 3 machine-learning-nanodegree 3 flask 3 iris-classification 3 boston-housing-prices 3 random-forest 3 student-intervention 2 forecasting 2 artificial-intelligence 2 knn-classification 2 feature-scaling 2 mlfnd 2 customer-segmentation 2 decision-trees 2 house-price-prediction 2 datascience 2 random-forest-classifier 2 lasso-regression 2 prediction 2 optimization-algorithms 2 data-analysis 2 data-visualization 2 r2-score 2 flask-application 2 titanic-survival-prediction 2 predictive-modeling 2 weight-prediction 2 housing-price-prediction 2 regularization 2 prediction-model 2 r-programming 2 real-estate 2 pandas-dataframe 2 sklearn-library 2 rmse 2 exploratory-data-analysis 2 decision-tree-regression 2 hyperparameter-tuning 2 housing 2 docker 2 regression-analysis 2 deeplearning 2 machinelearning 2 mnist-classification 2 rstudio 2 eda 2 wine-quality-prediction 1 decision-tree-classifier 1 breastcancer-classification 1 data 1 joblib 1 r 1 kubernetes 1 heart-disease 1 cheatsheet 1 kickstart 1 sideproject 1 gradute-admission-2 1 udacity-brasil 1 50-startups 1 tuning-parameters 1 standardization 1 layers 1 linear-models 1 matplotlib-pyplot 1 keras-tensorflow 1 keras-neural-networks 1