-
Notifications
You must be signed in to change notification settings - Fork 0
/
rnn_hpc_final.py
executable file
·136 lines (103 loc) · 4.39 KB
/
rnn_hpc_final.py
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
"""
Created on Mon Nov 29 11:03:46 2021
@author: simon
"""
import numpy as np
from importlib import reload
import sys
import torch
import torch.nn as nn
import helper_functions
reload(helper_functions)
from helper_functions import accuracy_rate, load_data, capacity, get_good_idx, get_slice, get_k_fold_cv_idx, get_x_sequences_rnn, train, get_all_accuracy_rates, allocate_x_batch_rnn, quantile_score, get_competition_preds
import argparse
import sys
import os
parser=argparse.ArgumentParser()
parser.add_argument('--num_hidden', help='Integer number of hidden layers', type=int)
parser.add_argument('--hidden_size', help='Integer size of each hidden layer', type=int)
parser.add_argument('--pred_seq_len', help='Integer number of time steps for each prediction',type=int)
parser.add_argument('--loss', help='Training loss metric, either MSE or L1',type=str)
parser.add_argument('--weight_decay', help='weight_decay, float',type=float)
parser.add_argument('--dropout', help='dropout, float',type=float)
parser.add_argument('--rnn_type', help='rnn_type, lstm or gru, float',type=str)
parser.add_argument('--case', help='case, int',type=int)
#args = parser.parse_args("--num_hidden=5 --hidden_size=70 --pred_seq_len=50 --loss= MSE --weight_decay=0 --dropout=0.005 --rnn_type=GRU --case=1".split())
args = parser.parse_args()
num_hidden = args.num_hidden
hidden_size = args.hidden_size
pred_seq_len = args.pred_seq_len
loss = args.loss
weight_decay = args.weight_decay
drop_p = args.dropout
rnn_type = args.rnn_type
case = args.case
import pickle
assert torch.cuda.is_available()
outfolder = 'final_net'
outfile = f'rnn_{"_".join(sys.argv[1:]).replace("=","_")}.pkl'.lower()
if outfile in os.listdir(outfolder):
print(f'File {outfile} already exists. Exits.')
sys.exit()
nn_type = 'rnn'
allocate_x_batch = allocate_x_batch_rnn
get_x_sequences = get_x_sequences_rnn
np.random.seed(2021)
x,x_time,y,y_time,time_dif,idx_offset = load_data(case)
# Index offset between start and end of training data for one single prediction
# i.e. number of quarters of an hour we wish to train on for each sample
good_idx = get_good_idx(x,y,idx_offset,pred_seq_len)[:-20000]
input_size = x.shape[1]
num_channels = input_size
out_size = 1
# define network
class Net(nn.Module):
def __init__(self):
super(Net, self).__init__()
if rnn_type.lower()=='lstm':
self.rnn_layers = nn.LSTM(input_size=num_channels,
hidden_size=hidden_size,
num_layers=num_hidden+1,
batch_first=True, # batch_size x sequence_length x input_size
bias=True,
dropout=drop_p)
elif rnn_type.lower()=='gru':
self.rnn_layers = nn.GRU(input_size=num_channels,
hidden_size=hidden_size,
num_layers=num_hidden+1,
batch_first=True, # batch_size x sequence_length x input_size
bias=True,
dropout=drop_p)
else:
raise(Exception('unknown rnn type'))
self.l_out = nn.Linear(in_features=pred_seq_len * hidden_size,
out_features=out_size,
bias=True)
self.act = nn.ReLU()
self.dropout = nn.Dropout(p=drop_p)
def forward(self, x):
#x, (h, c) = self.lstm(x)
x = self.rnn_layers(x)[0]
x = x.reshape(-1, pred_seq_len * hidden_size)
x = self.dropout(x)
x = self.act(x)
x = self.l_out(x)
return x
# setting hyperparameters and gettings epoch sizes
batch_size = 1000
num_epochs = 80
k_fold_size = 1
if loss.lower() == 'mse':
loss = nn.MSELoss()
elif loss.lower() == 'l1':
loss = nn.L1Loss()
else:
raise(Exception('unrecognized loss function'))
optim_params = {'lr': 3e-3, 'weight_decay': weight_decay}
train_loss, valid_loss, net = train(nn_type, x, y, Net, optim_params, num_epochs, batch_size, good_idx, k_fold_size, idx_offset, pred_seq_len, loss, case)
valid_loss[0] = np.sqrt(valid_loss[0])
#np.savez(os.path.join(outfolder, outfile), train_loss=train_loss, valid_loss=valid_loss)
with open(os.path.join(outfolder, outfile), 'wb') as outp:
pickle.dump(net.to(torch.device('cpu')), outp, pickle.HIGHEST_PROTOCOL)