基于pytorch 构建神经网络进行气温预测

2023-12-21 17:38

本文主要是介绍基于pytorch 构建神经网络进行气温预测,希望对大家解决编程问题提供一定的参考价值,需要的开发者们随着小编来一起学习吧!

import numpy as np
import pandas as pd 
import matplotlib.pyplot as plt
import torch
import warnings
warnings.filterwarnings('ignore')
%matplotlib inline
path = 'E:/nlp课件/test_data/temps.csv'
features = pd.read_csv(path)
features.head()
yearmonthdayweektemp_2temp_1averageactualfriend
0201611Fri454545.64529
1201612Sat444545.74461
2201613Sun454445.84156
3201614Mon444145.94053
4201615Tues414046.04441
数据表中
  • year,moth,day,week分别表示的具体的时间
  • temp_2:前天的最高温度值
  • temp_1:昨天的最高温度值
  • average:在历史中,每年这一天的平均最高温度值
  • actual:标签值,当天的真实最高温度
print('数据维度:', features.shape)
数据维度: (348, 9)
# 处理时间
years = features['year']
month = features['month']
day = features['day']
dates = [str(int(years)) + '-' + str(int(month)) + '-' + str(int(day)) for years, month, day in zip(years, month, day)]
from datetime import datetime
dates = [datetime.strptime(date, '%Y-%m-%d') for date in dates]
dates[:5]
[datetime.datetime(2016, 1, 1, 0, 0),datetime.datetime(2016, 1, 2, 0, 0),datetime.datetime(2016, 1, 3, 0, 0),datetime.datetime(2016, 1, 4, 0, 0),datetime.datetime(2016, 1, 5, 0, 0)]
# 生成图像
# 默认风格
plt.style.use('fivethirtyeight')
# 设置布局
fig, ((ax1, ax2), (ax3, ax4)) = plt.subplots(nrows = 2, ncols = 2, figsize = (10,10))
fig.autofmt_xdate(rotation = 45)# 标签值
ax1.plot(dates, features['actual'])
ax1.set_xlabel(''); ax1.set_ylabel('Temperature'); ax1.set_title('Max Temp')# 昨天
ax2.plot(dates, features['temp_1'])
ax2.set_xlabel(''); ax2.set_ylabel('Temperature'); ax2.set_title('Previous Max Temp')# 前天
ax3.plot(dates, features['temp_2'])
ax3.set_xlabel('Date'); ax3.set_ylabel('Temperature'); ax3.set_title('Two Days Prior Max Temp')# 我的逗逼朋友
ax4.plot(dates, features['friend'])
ax4.set_xlabel('Date'); ax4.set_ylabel('Temperature'); ax4.set_title('Friend Estimate')plt.tight_layout(pad=2)

在这里插入图片描述

# one-hot
features = pd.get_dummies(features)
features[:5]
yearmonthdaytemp_2temp_1averageactualfriendweek_Friweek_Monweek_Satweek_Sunweek_Thursweek_Tuesweek_Wed
0201611454545.645291000000
1201612444545.744610010000
2201613454445.841560001000
3201614444145.940530100000
4201615414046.044410000010
# 目标值 
labels = np.array(features['actual'])# 在特征之中去掉标签
features = features.drop('actual', axis = 1)# 保存列名
features_list = list(features.columns)# 转换格式
features = np.array(features)
features.shape
(348, 14)
from sklearn.preprocessing import StandardScaler
input_features = StandardScaler().fit_transform(features)
input_features[0]
array([ 0.        , -1.5678393 , -1.65682171, -1.48452388, -1.49443549,-1.3470703 , -1.98891668,  2.44131112, -0.40482045, -0.40961596,-0.40482045, -0.40482045, -0.41913682, -0.40482045])

构建网络模型

x = torch.tensor(input_features, dtype = float)
y = torch.tensor(labels, dtype = float)# 权重参数初始化   [348,14] * [14, 128] * [128] * [128, 1] * [1]
weights = torch.randn((14, 128), dtype = float, requires_grad = True)
biases = torch.randn(128, dtype = float, requires_grad = True)
weights2 = torch.randn((128, 1), dtype = float, requires_grad = True)
biases2 = torch.randn(1, dtype = float, requires_grad = True)
learning_rate = 0.001
losses = []
for i in range(1000):# 计算隐层hidden = x.mm(weights) + biases# 激活函数hidden = torch.relu(hidden)# 预测结果predictions = hidden.mm(weights2) + biases2# 计算损失 - MSEloss = torch.mean((predictions - y)**2)losses.append(loss.data.numpy)# 打印损失if i % 100 == 0:print('loss:', loss)# 反向传播loss.backward()# 更新参数weights.data.add_(- learning_rate * weights.grad.data)biases.data.add_(- learning_rate * biases.grad.data)weights2.data.add_(- learning_rate * weights2)biases2.data.add_(- learning_rate * biases2)# 更新后梯度置0,否则会累加weights.grad.data.zero_()biases.grad.data.zero_()weights2.grad.data.zero_()biases2.grad.data.zero_()
loss: tensor(4769.2916, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(168.6445, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(152.0681, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(147.8071, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(146.4026, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(146.3492, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(147.1898, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(148.8380, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(151.3747, dtype=torch.float64, grad_fn=<MeanBackward0>)
loss: tensor(154.9829, dtype=torch.float64, grad_fn=<MeanBackward0>)

序列化容器构建网络模型

import torch.nn as nn
from torch.optim import Adam
input_size = input_features.shape[1]
hidden_size = 128
output_size = 1
batch_size = 16
my_nn = nn.Sequential(nn.Linear(input_size, hidden_size),nn.Sigmoid(),nn.Linear(hidden_size, output_size)
)
cost = nn.MSELoss(reduction= 'mean')
optimizer = Adam(my_nn.parameters(), lr = learning_rate)
# 训练网络
losses = []
for i in range(1000):batch_loss = []# mini_batch 方式进行训练for start in range(0, len(input_features), batch_size):end = start + batch_size if batch_size + start < len(input_features) else len(input_features)xx = torch.tensor(input_features[start : end], dtype = torch.float, requires_grad = True)yy = torch.tensor(labels[start : end], dtype = torch.float, requires_grad = True)# 前向传播predictions = my_nn(xx)# 计算损失loss = cost(predictions, yy)# 梯度置0optimizer.zero_grad()# 反向传播loss.backward(retain_graph = True)# 更新参数optimizer.step()batch_loss.append(loss.data.numpy())# 打印损失if i % 100 == 0:losses.append(np.mean(batch_loss))print(i, np.mean(batch_loss))
0 3980.642
100 37.847748
200 35.684933
300 35.318283
400 35.14371
500 35.006382
600 34.884396
700 34.761875
800 34.633102
900 34.49755

预测训练结果

x = torch.tensor(input_features, dtype = torch.float)
predict = my_nn(x).data.numpy()
# 转换日期格式
dates = [str(int(years)) + '-' + str(int(month)) + '-' + str(int(day)) for years, month, day in zip(years, month, day)]
dates = [datetime.strptime(date, '%Y-%m-%d') for date in dates]# 创建一个表格来存日期和其对应的标签数值
true_data = pd.DataFrame(data = {'date': dates, 'actual': labels})# 同理,再创建一个来存日期和其对应的模型预测值
months = features[:, features_list.index('month')]
days = features[:, features_list.index('day')]
years = features[:, features_list.index('year')]test_dates = [str(int(year)) + '-' + str(int(month)) + '-' + str(int(day)) for year, month, day in zip(years, months, days)]test_dates = [datetime.strptime(date, '%Y-%m-%d') for date in test_dates]predictions_data = pd.DataFrame(data = {'date': test_dates, 'prediction': predict.reshape(-1)}) 
# 真实值
plt.plot(true_data['date'], true_data['actual'], 'b-', label = 'actual')# 预测值
plt.plot(predictions_data['date'], predictions_data['prediction'], 'ro', label = 'prediction')
plt.xticks(rotation = '60'); 
plt.legend()# 图名
plt.xlabel('Date'); plt.ylabel('Maximum Temperature (F)'); plt.title('Actual and Predicted Values');

在这里插入图片描述

这篇关于基于pytorch 构建神经网络进行气温预测的文章就介绍到这儿,希望我们推荐的文章对编程师们有所帮助!



http://www.chinasem.cn/article/520899

相关文章

pytorch+torchvision+python版本对应及环境安装

《pytorch+torchvision+python版本对应及环境安装》本文主要介绍了pytorch+torchvision+python版本对应及环境安装,安装过程中需要注意Numpy版本的降级,... 目录一、版本对应二、安装命令(pip)1. 版本2. 安装全过程3. 命令相关解释参考文章一、版本对

Java使用Mail构建邮件功能的完整指南

《Java使用Mail构建邮件功能的完整指南》JavaMailAPI是一个功能强大的工具,它可以帮助开发者轻松实现邮件的发送与接收功能,本文将介绍如何使用JavaMail发送和接收邮件,希望对大家有所... 目录1、简述2、主要特点3、发送样例3.1 发送纯文本邮件3.2 发送 html 邮件3.3 发送带

Nginx如何进行流量按比例转发

《Nginx如何进行流量按比例转发》Nginx可以借助split_clients指令或通过weight参数以及Lua脚本实现流量按比例转发,下面小编就为大家介绍一下两种方式具体的操作步骤吧... 目录方式一:借助split_clients指令1. 配置split_clients2. 配置后端服务器组3. 配

Python结合Flask框架构建一个简易的远程控制系统

《Python结合Flask框架构建一个简易的远程控制系统》这篇文章主要为大家详细介绍了如何使用Python与Flask框架构建一个简易的远程控制系统,能够远程执行操作命令(如关机、重启、锁屏等),还... 目录1.概述2.功能使用系统命令执行实时屏幕监控3. BUG修复过程1. Authorization

Python使用DeepSeek进行联网搜索功能详解

《Python使用DeepSeek进行联网搜索功能详解》Python作为一种非常流行的编程语言,结合DeepSeek这一高性能的深度学习工具包,可以方便地处理各种深度学习任务,本文将介绍一下如何使用P... 目录一、环境准备与依赖安装二、DeepSeek简介三、联网搜索与数据集准备四、实践示例:图像分类1.

Go使用pprof进行CPU,内存和阻塞情况分析

《Go使用pprof进行CPU,内存和阻塞情况分析》Go语言提供了强大的pprof工具,用于分析CPU、内存、Goroutine阻塞等性能问题,帮助开发者优化程序,提高运行效率,下面我们就来深入了解下... 目录1. pprof 介绍2. 快速上手:启用 pprof3. CPU Profiling:分析 C

Java中有什么工具可以进行代码反编译详解

《Java中有什么工具可以进行代码反编译详解》:本文主要介绍Java中有什么工具可以进行代码反编译的相关资,料,包括JD-GUI、CFR、Procyon、Fernflower、Javap、Byte... 目录1.JD-GUI2.CFR3.Procyon Decompiler4.Fernflower5.Jav

从零教你安装pytorch并在pycharm中使用

《从零教你安装pytorch并在pycharm中使用》本文详细介绍了如何使用Anaconda包管理工具创建虚拟环境,并安装CUDA加速平台和PyTorch库,同时在PyCharm中配置和使用PyTor... 目录背景介绍安装Anaconda安装CUDA安装pytorch报错解决——fbgemm.dll连接p

pycharm远程连接服务器运行pytorch的过程详解

《pycharm远程连接服务器运行pytorch的过程详解》:本文主要介绍在Linux环境下使用Anaconda管理不同版本的Python环境,并通过PyCharm远程连接服务器来运行PyTorc... 目录linux部署pytorch背景介绍Anaconda安装Linux安装pytorch虚拟环境安装cu

Python进行PDF文件拆分的示例详解

《Python进行PDF文件拆分的示例详解》在日常生活中,我们常常会遇到大型的PDF文件,难以发送,将PDF拆分成多个小文件是一个实用的解决方案,下面我们就来看看如何使用Python实现PDF文件拆分... 目录使用工具将PDF按页数拆分将PDF的每一页拆分为单独的文件将PDF按指定页数拆分根据页码范围拆分