大数据房价预测分析与可视 计算机竞赛

news2024/11/29 5:37:19

0 前言

🔥 优质竞赛项目系列,今天要分享的是

🚩 大数据房价预测分析与可视

🥇学长这里给一个题目综合评分(每项满分5分)

  • 难度系数:3分
  • 工作量:3分
  • 创新点:4分

该项目较为新颖,适合作为竞赛课题方向,学长非常推荐!

🧿 更多资料, 项目分享:

https://gitee.com/dancheng-senior/postgraduate

1 课题背景

Ames数据集包含来自Ames评估办公室的2930条记录。
该数据集具有23个定类变量,23个定序变量,14个离散变量和20个连续变量(以及2个额外的观察标识符) - 总共82个特征。
可以在包含的codebook.txt文件中找到每个变量的说明。
该信息用于计算2006年至2010年在爱荷华州艾姆斯出售的个别住宅物业的评估价值。实际销售价格中增加了一些噪音,因此价格与官方记录不符。

分别分为训练和测试集,分别为2000和930个观测值。 在测试集中保留实际销售价格。 此外,测试数据进一步分为公共和私有测试集。

本次练习需要围绕以下目的进行:

  • 理解问题 : 观察每个变量特征的意义以及对于问题的重要程度
  • 研究主要特征 : 也就是最终的目的变量----房价
  • 研究其他变量 : 研究其他多变量对“房价”的影响的他们之间的关系
  • 基础的数据清理 : 对一些缺失数据、异常点和分类数据进行处理
  • 拟合模型: 建立一个预测房屋价值的模型,并且准确预测房价

在这里插入图片描述

2 导入相关的数据

1.导入相关的python包




​    
​    import numpy as np
​    

import pandas as pd
from pandas.api.types import CategoricalDtype

%matplotlib inline
import matplotlib.pyplot as plt
import seaborn as sns

from sklearn import linear_model as lm
from sklearn.model_selection import train_test_split
from sklearn.model_selection import KFold

# Plot settings

plt.rcParams['figure.figsize'] = (12, 9)
plt.rcParams['font.size'] = 12

2. 导入训练数据集和测试数据集




​    
​    training_data = pd.read_csv("ames_train.csv")
​    test_data = pd.read_csv("ames_test.csv")
​    pd.set_option('display.max_columns', None)#显示所有行
​    pd.set_option('display.max_rows', None)#设置value的显示长度为100,默认为50
​    pd.set_option('max_colwidth',100)
​    training_data.head(7)

在这里插入图片描述

3 观察各项主要特征与房屋售价的关系

该数据集具有46个类别型变量,34个数值型变量,整理到excel表格中,用于筛选与房价息息相关的变量。从中筛选出以下几个与房价相关的变量:

类别型变量:

  • Utilities : 可用设施(电、天然气、水)

  • Heating (Nominal): 暖气类型

  • Central Air (Nominal): 是否有中央空调

  • Garage Type (Nominal): 车库位置

  • Neighborhood (Nominal): Ames市区内的物理位置(地图地段)

  • Overall Qual (Ordinal): 评估房屋的整体材料和光洁度

数值型变量:

  • Lot Area(Continuous):地皮面积(平方英尺)

  • Gr Liv Area (Continuous): 地面以上居住面积平方英尺

  • Total Bsmt SF (Continuous): 地下面积的总面积

  • TotRmsAbvGrd (Discrete): 地面上全部房间数目

分析最重要的变量"SalePrice"

    training_data['SalePrice'].describe()

在这里插入图片描述

从上面的描述性统计可以看出房价的平均值、标准差、最小值、25%分位数、50%分位数、75%分位数、最大值等,并且SalePrice没有无效或者其他非数值的数据。

    
    #绘制"SalePrice"的直方图
    sns.distplot(training_data['SalePrice'])
    #计算峰度和偏度
    print("Skewness: %f" % training_data['SalePrice'].skew())
    print("Kurtosis: %f" % training_data['SalePrice'].kurt())

在这里插入图片描述

从直方图中可以看出"SalePrice"成正态分布,峰度为4.838055,偏度为1.721408,比正态分布的高峰更加陡峭,偏度为右偏,长尾拖在右边。

2.类别型变量

(1)Utilities与SalePrice

Utilities (Ordinal): Type of utilities available

AllPub All public Utilities (E,G,W,& S)

NoSewr Electricity, Gas, and Water (Septic Tank)

NoSeWa Electricity and Gas Only

ELO Electricity only




​    
​    #类别型变量#1.Utilities 
​    var = 'Utilities'
​    data = pd.concat([training_data['SalePrice'], training_data[var]], axis=1)
​    fig = sns.boxplot(x=var, y="SalePrice", data=data)
​    fig.axis(ymin=0, ymax=800000)

在这里插入图片描述

从图中可以看出,配备全套设施(水、电、天然气)的房子价格普遍偏高

(2)Heating与SalePrice

Heating (Nominal): Type of heating

Floor Floor Furnace

GasA Gas forced warm air furnace

GasW Gas hot water or steam heat

Grav Gravity furnace

OthW Hot water or steam heat other than gas

Wall Wall furnace




​    
​    #2.Heating
​    var = 'Heating'
​    data = pd.concat([training_data['SalePrice'], training_data[var]], axis=1)
​    fig = sns.boxplot(x=var, y="SalePrice", data=data)
​    fig.axis(ymin=0, ymax=800000)

在这里插入图片描述

从图中可以看出拥有GasA、GasW的房子价格较高,并且有GasA的房子价格变动较大,房屋价格较高的房子一般都有GasA制暖装置。

(3)Central_Air与SalePrice

#3.Central_Air
​    var = 'Central_Air'
​    data = pd.concat([training_data['SalePrice'], training_data[var]], axis=1)
​    fig = sns.boxplot(x=var, y="SalePrice", data=data)
​    fig.axis(ymin=0, ymax=800000)



在这里插入图片描述

由中央空调的房子能给用户更好的体验,因此一般价格较高,房屋价格较高的房子一般都有中央空调。

(4)Gabage_type与SalePrice

Garage Type (Nominal): Garage location

2Types More than one type of garage

Attchd Attached to home

Basment Basement Garage

BuiltIn Built-In (Garage part of house - typically has room above garage)

CarPort Car Port

Detchd Detached from home

NA No Garage

    
    #4.Gabage_type
    var = 'Garage_Type'
    data = pd.concat([training_data['SalePrice'], training_data[var]], axis=1)
    fig = sns.boxplot(x=var, y="SalePrice", data=data)
    fig.axis(ymin=0, ymax=800000)

在这里插入图片描述

车库越便捷,一般房屋价格越高,临近房屋以及房屋内置的车库这两种价格较高。

(5)Neighborhood与SalePrice

Neighborhood为房屋位于Ames市内的具体的地段,越临近繁华市区、旅游风景区、科技园区、学园区的房屋,房屋价格越贵




​    
​    #5.Neighborhood
​    fig, axs = plt.subplots(nrows=2)
​    

    sns.boxplot(
        x='Neighborhood',
        y='SalePrice',
        data=training_data.sort_values('Neighborhood'),
        ax=axs[0]
    )
    
    sns.countplot(
        x='Neighborhood',
        data=training_data.sort_values('Neighborhood'),
        ax=axs[1]
    )
    
    # Draw median price
    axs[0].axhline(
        y=training_data['SalePrice'].median(), 
        color='red',
        linestyle='dotted'
    )
    
    # Label the bars with counts
    for patch in axs[1].patches:
        x = patch.get_bbox().get_points()[:, 0]
        y = patch.get_bbox().get_points()[1, 1]
        axs[1].annotate(f'{int(y)}', (x.mean(), y), ha='center', va='bottom')
        
    # Format x-axes
    axs[1].set_xticklabels(axs[1].xaxis.get_majorticklabels(), rotation=90)
    axs[0].xaxis.set_visible(False)
    
    # Narrow the gap between the plots
    plt.subplots_adjust(hspace=0.01)



在这里插入图片描述

从上图结果可以看出,我们训练数据集中Neighborhood这一列数据不均匀,NAmes有299条数据,而Blueste只有4条数据,Gilbert只有6条数据,GmHill只有2条数据,这样造成数据没那么准确。

(6)Overall Qual 与SalePrice

总体评价越高,应该房屋的价格越高

    
    #Overall Qual 
    var = 'Overall_Qual'
    data = pd.concat([training_data['SalePrice'], training_data[var]], axis=1)
    fig = sns.boxplot(x=var, y="SalePrice", data=data)
    fig.axis(ymin=0, ymax=800000)

在这里插入图片描述

3.数值型变量

(1) Lot Area与SalePrice

    #数值型变量
    #1.Lot Area
    sns.jointplot(
        x='Lot_Area', 
        y='SalePrice', 
        data=training_data,
        stat_func=None,
        kind="reg",
        ratio=4,
        space=0,
        scatter_kws={
            's': 3,
            'alpha': 0.25
        },
        line_kws={
            'color': 'black'
        }
    )

在这里插入图片描述

看起来没有什么明显的趋势,散点图主要集中在前半部分,不够分散

(2)Gr_Liv_Area与SalePrice

Gr_Liv_Area代表建筑在土地上的房屋的面积

猜测两者应该成正相关,即房屋面积越大,房屋的价格越高

    sns.jointplot(
        x='Gr_Liv_Area', 
        y='SalePrice', 
        data=training_data,
        stat_func=None,
        kind="reg",
        ratio=4,
        space=0,
        scatter_kws={
            's': 3,
            'alpha': 0.25
        },
        line_kws={
            'color': 'black'
        }
    )

在这里插入图片描述

结果:两者的确呈现正相关的线性关系,发现Gr_ Liv _ Area中有处于5000以上的异常值

编写函数,将5000以上的Gr_ Liv _ Area异常值移除




​    
​    def remove_outliers(data, variable, lower=-np.inf, upper=np.inf):"""
​        Input:
​          data (data frame): the table to be filtered
​          variable (string): the column with numerical outliers
​          lower (numeric): observations with values lower than this will be removed
​          upper (numeric): observations with values higher than this will be removed
​        

        Output:
          a winsorized data frame with outliers removed
        """
        data=data[(data[variable]>lower)&(data[variable]



再次绘图

在这里插入图片描述

两者的确呈现正相关的线性关系

(3)Total_Bsmt_SF与SalePrice

#3.Total Bsmt SF
​    sns.jointplot(
​        x='Total_Bsmt_SF', 
​        y='SalePrice', 
​        data=training_data,
​        stat_func=None,
​        kind="reg",
​        ratio=4,
​        space=0,
​        scatter_kws={'s': 3,'alpha': 0.25},
​        line_kws={'color': 'black'})



在这里插入图片描述

(4)TotRms_AbvGrd与SalePrice

   
    #4.TotRmsAbvGrd
    sns.jointplot(
        x='TotRms_AbvGrd', 
        y='SalePrice', 
        data=training_data,
        stat_func=None,
        kind="reg",
        ratio=4,
        space=0,
        scatter_kws={
            's': 3,
            'alpha': 0.25
        },
        line_kws={
            'color': 'black'
        }
    )

在这里插入图片描述

4. 绘制相关性矩阵

    
    #绘制相关性矩阵
    corrmat = training_data.corr()
    f, ax = plt.subplots(figsize=(40, 20))
    sns.heatmap(corrmat, vmax=0.8,square=True,cmap="PiYG",center=0.0)

在这里插入图片描述

其中数值型变量中,Overall_Qual(房屋的整体评价) 、Year_Built(房屋建造年份)、Year_Remod/Add(房屋整修年份)、Mas
Vnr Area(房屋表层砌体模型)、Total_ Bsmt _ SF(地下总面积)、1stFlr_SF(一楼总面积) Gr_ L
iv_Area(地上居住面积)、Garage_Cars (车库数量)、Garage_Area(车库面积)都与呈正相关

最后从Year_Built(房屋建造年份)、Year_Remod/Add(房屋整修年份)中选取Year_Built,从1stFlr_SF(一楼总面积)
Gr_ L iv_Area(地上居住面积)中选取Gr_ L iv_Area,从Garage_Cars
(车库数量)、Garage_Area(车库面积)中选取Garage_Cars (车库数量)。

6. 拟合模型

sklearn中的回归有多种方法,广义线性回归集中在linear_model库下,例如普通线性回归、Lasso、岭回归等;另外还有其他非线性回归方法,例如核svm、集成方法、贝叶斯回归、K近邻回归、决策树回归、随机森林回归方法等,通过测试各个算法的

(1)加载相应包




​    
​    #拟合数据from sklearn import preprocessing
​    from sklearn import linear_model, svm, gaussian_process
​    from sklearn.ensemble import RandomForestRegressor
​    from sklearn.cross_validation import train_test_split
​    import numpy as np

(2)查看各列缺失值

    
      #查看各列缺失值
        print(training_data.Overall_Qual.isnull().any())
        print(training_data.Gr_Liv_Area.isnull().any())
        print(training_data.Garage_Cars.isnull().any())
        print(training_data.Total_Bsmt_SF.isnull().any())
        print(training_data.Year_Built.isnull().any())
        print(training_data.Mas_Vnr_Area.isnull().any())

发现Total_Bsmt_SF和Mas_Vnr_Area两列有缺失值




​    
​       #用均值填补缺失值
​        training_data.Total_Bsmt_SF=training_data.Total_Bsmt_SF.fillna(training_data.Total_Bsmt_SF.mean())
​        training_data.Mas_Vnr_Area=training_data.Mas_Vnr_Area.fillna(training_data.Mas_Vnr_Area.mean())print(training_data.Total_Bsmt_SF.isnull().any())print(training_data.Mas_Vnr_Area.isnull().any())

(3)拟合模型

# 获取数据from sklearn import metrics
​        cols = ['Overall_Qual','Gr_Liv_Area', 'Garage_Cars','Total_Bsmt_SF', 'Year_Built','Mas_Vnr_Area']
​        x = training_data[cols].values
​        y = training_data['SalePrice'].values
​        X_train,X_test, y_train, y_test = train_test_split(x, y, test_size=0.33, random_state=42)
​        

        clf = RandomForestRegressor(n_estimators=400)
        clf.fit(X_train, y_train)
        y_pred = clf.predict(X_test)
        计算MSE:
        print(metrics.mean_squared_error(y_test,y_pred))



(4)绘制预测结果的散点图




​    
​    import numpy as np
​    x = np.random.rand(660)
​    plt.scatter(x,y_test, alpha=0.5)
​    plt.scatter(x,y_pred, alpha=0.5,color="G")

在这里插入图片描述

(5)加载测试集数据

    
    test_data=pd.read_csv("ames_test.csv")
    test_data.head(5)

在这里插入图片描述

查看缺失值

    
    #查看各列缺失值
    print(test_data.Overall_Qual.isnull().any())
    print(test_data.Gr_Liv_Area.isnull().any())
    print(test_data.Garage_Cars.isnull().any())
    print(test_data.Total_Bsmt_SF.isnull().any())
    print(test_data.Year_Built.isnull().any())
    print(test_data.Mas_Vnr_Area.isnull().any())

    
    #用均值填补缺失值
    test_data.Garage_Cars=training_data.Garage_Cars.fillna(training_data.Garage_Cars.mean())
    print(test_data.Garage_Cars.isnull().any())

(6)预测测试集的房价

#预测
​        cols = ['Overall_Qual','Gr_Liv_Area', 'Garage_Cars','Total_Bsmt_SF', 'Year_Built','Mas_Vnr_Area']
​        x_test_value= test_data[cols].values
​        test_pre=clf.predict(x_test_value)#写入文件
​        prediction = pd.DataFrame(test_pre, columns=['SalePrice'])
​        result = pd.concat([test_data['Id'], prediction], axis=1)
​        result.to_csv('./Predictions.csv', index=False)
​    

      test_data.Garage_Cars=training_data.Garage_Cars.fillna(training_data.Garage_Cars.mean())
        print(test_data.Garage_Cars.isnull().any())



(6)预测测试集的房价




​    
​    #预测
​    cols = ['Overall_Qual','Gr_Liv_Area', 'Garage_Cars','Total_Bsmt_SF', 'Year_Built','Mas_Vnr_Area']
​    x_test_value= test_data[cols].values
​    test_pre=clf.predict(x_test_value)#写入文件
​    prediction = pd.DataFrame(test_pre, columns=['SalePrice'])
​    result = pd.concat([test_data['Id'], prediction], axis=1)
​    result.to_csv('./Predictions.csv', index=False)

4 最后

该项目较为新颖,适合作为竞赛课题方向,学长非常推荐!

🧿 更多资料, 项目分享:

[https://gitee.com/dancheng-senior/postgraduate](

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.coloradmin.cn/o/1176767.html

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈,一经查实,立即删除!

相关文章

网络爬虫的实战项目:使用JavaScript和Axios爬取Reddit视频并进行数据分析

概述 网络爬虫是一种程序或脚本,用于自动从网页中提取数据。网络爬虫的应用场景非常广泛,例如搜索引擎、数据挖掘、舆情分析等。本文将介绍如何使用JavaScript和Axios这两个工具,实现一个网络爬虫的实战项目,即从Reddit这个社交媒…

C# winform 定时器

1.加入Timer using System; using System.Collections.Generic; using System.ComponentModel; using System.Data; using System.Drawing; using System.IO; using System.Linq; using System.Text; using System.Threading.Tasks; using System.Windows.Forms;namespace Te…

Linux实现进度条小程序(包含基础版本和模拟下载过程版本)

Linux实现进度条小程序[包含基础版本和模拟下载过程版本] Linux实现进度条小程序1.预备的两个小知识1.缓冲区1.缓冲区概念的引出2.缓冲区的概念 2.回车与换行1.小例子2.倒计时小程序 2.基础版进度条1.的回车方式的打印2.百分比的打印3.状态提示符的打印 3.升级版进度条1.设计:进…

一题都看不懂,大厂的面试是真的变态......

最近我的一个读者朋友去了字节面试,来给我发信息吐槽,说字节的面试太困难了,像他这种三年经验的测试员,在技术面,居然一题都答不上来,这要多高的水平才能有资格去面试字节的测试岗位。 确实,字…

nacos的部署与配置中心

文章目录 一、nacos部署安装的方式单机模式:集群模式:多集群模式: 二、安装的步骤1、预备环境准备2、载安装包以及安装2.1、Nacos有以下两种安装方式:2.2、更换数据源数据源切换为MySQL 2.3、开启控制台授权登录(可选) 3、配置中心的使用3.1、创建配置信…

星戈瑞Sulfo Cy3-COOH生物学有那些常见应用呢?

Sulfo Cy3-COOH(磺酸基花青3羧酸)(来自星戈瑞的花菁染料)是一种常用的荧光标记物,应用于生物学研究中,其常见应用包括但不限于以下几个领域: 1.免疫荧光染色:Sulfo Cy3-COOH通常用于标记抗体,用…

《进化优化》第7章 遗传规划

文章目录 7.1 LISP: 遗传规划的语言Lisp程序的交叉 7.2 遗传规划的基础7.2.1 适应度的度量7.2.2 终止准则7.2.3 终止集合7.2.4 函数集合7.2.5 初始化7.2.6 遗传规划的参数 7.3 最短时间控制的遗传规划7.4 遗传规划的膨胀7.5 演化实体而非计算机程序7.6 遗传规划的数学分析 遗传…

使用Selenium Grid远程执行测试

我们将在同一台工作电脑上,分别启动主控(Hub)和节点(Node)2个Selenium Grid服务,IP地址均使用环回地址127.0.0.1,端口分别为4444和5555。开始以下操作前,请确认你的机器上已经安装、…

VERT2450 Antenna

VERT2450 Vertical Antenna (2.4-2.5 and 4.9-5.9 GHz) Dualband Includes one VERT2450 Dual Band 2.4 to 2.48 GHz and 4.9 to 5.9 GHz omni-directional vertical antenna, at 3dBi Gain.

GPT-4V:AI在医疗领域的应用

OpenAI最新发布的GPT-4V模型为ChatGPT增添了语音和图像功能,为用户提供了更多在日常生活中使用ChatGPT的方式。这次更新将为用户带来更加便捷、直观的交互体验,用户可以直接通过拍照上传图片,并提出相关问题。OpenAI的最终目标是构建一个安全…

数据库多数据组合 取别名,某项多项数据为null,导致整个结果为null,SQLSERVER,MYSQL

最近遇到一个通过查多项数据,并且组合拼接展示的场景, 发现所有数据单查都没问题,唯独含有一个或多个结果是null的拼接结果出了问题 简单的demo如下: 此时我们可以看到拼接的结果返回[null],我们想要的是即使是null也拼接进去获取其他展示情况我们视需求开发而定, 比如我现在…

阿里云python训练营-Python基础学习01

基础知识 a "hello" b "hello" print(a is b, a b) # True True print(a is not b, a ! b) # False False a ["hello"] b ["hello"] print(a is b, a b) # False True print(a is not b, a ! b) # True False 注意&#xff1a…

Java 设计模式——外观模式

目录 1.概述2.结构3.实现3.1.子系统类3.2.外观类3.3.测试 4.优缺点5.使用场景6.源码解析 1.概述 (1)有些人可能炒过股票,但其实大部分人都不太懂,这种没有足够了解证券知识的情况下做股票是很容易亏钱的,刚开始炒股肯…

2023测试开发常见面试题

1. 什么是软件测试, 谈谈你对软件测试的了解 软件测试就是验证产品特性是否符合用户需求, 软件测试贯穿于软件的整个生命周期. >>> 那软件测试具体是什么呢 ? 就拿生活中的例子来说, 比如说我们去商场买衣服, 会有以下几个步骤: 第一步:…

leetcode:189. 轮转数组(python3解法)

难度:中等 给定一个整数数组 nums,将数组中的元素向右轮转 k 个位置,其中 k 是非负数。 示例 1: 输入: nums [1,2,3,4,5,6,7], k 3 输出: [5,6,7,1,2,3,4]解释: 向右轮转 1 步: [7,1,2,3,4,5,6] 向右轮转 2 步: [6,7,1,2,3,4,5] 向右轮转 3…

Spring @Value注解读取yml配置文件中的list和map

配置文件 myConfig:userList: 张三,李四userMap: {"张三":"10","李四":"20"} 读取代码 Value("${myConfig.userList}")private List<String> userList;Value("#{${myConfig.userMap}}")private Map<S…

数据结构线性表——单链表

前言&#xff1a;小伙伴们又见面啦&#xff0c;这篇文章我们来一起学习线性表的第二模块——单链表。 单链表的学习就要开始上强度啦&#xff0c;小伙伴们一定要努力&#xff0c;坚持&#xff01; 目录 一.什么是单链表 二.单链表与顺序表的区别 三.单链表的实现 1.单链表…

如何使用Node.js快速创建HTTP服务器并实现公网访问本地Server

文章目录 前言1.安装Node.js环境2.创建node.js服务3. 访问node.js 服务4.内网穿透4.1 安装配置cpolar内网穿透4.2 创建隧道映射本地端口 5.固定公网地址 前言 Node.js 是能够在服务器端运行 JavaScript 的开放源代码、跨平台运行环境。Node.js 由 OpenJS Foundation&#xff0…

11月起,33个省份纳入数电票开票试点范围内,发票无纸化已是大势所趋!

10月底&#xff0c;北京、贵州、山东&#xff08;不含青岛市&#xff09;、湖南、宁夏5个地区相继发布开展数电票试点工作的通知&#xff0c;至此&#xff0c;全国已有33个省份纳入数电票开票试点范围内。根据上述5地区发布的相关公告&#xff0c;11月1日将正式推行“数电票”开…

Java-认识类和对象

本章重点&#xff1a; 1. 掌握类的定义方式以及对象的实例化 2. 掌握类中的成员变量和成员方法的使用 3. 掌握对象的整个初始化过程 4. 掌握封装特性 5. 掌握代码块 6. 掌握内部类 1. 面向对象的初步认知 1.1 什么是面向对象 Java是一门纯面向对象的语言(Object Oriented Pro…