Browse Source

prepare to run on a cpu

master
mohamad maheri 2 years ago
parent
commit
153f3b982f
2 changed files with 21 additions and 23 deletions
  1. 20
    18
      learnToLearn.py
  2. 1
    5
      learnToLearnTest.py

+ 20
- 18
learnToLearn.py View File

from fast_adapt import fast_adapt from fast_adapt import fast_adapt
import gc import gc


if config['use_cuda']:
os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID"
os.environ["CUDA_VISIBLE_DEVICES"] = "0"
master_path= "/media/external_10TB/10TB/maheri/melu_data5"


# DATA GENERATION # DATA GENERATION
print("DATA GENERATION PHASE") print("DATA GENERATION PHASE")
os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID"
os.environ["CUDA_VISIBLE_DEVICES"] = "0"
master_path= "/media/external_10TB/10TB/maheri/melu_data5"
if not os.path.exists("{}/".format(master_path)): if not os.path.exists("{}/".format(master_path)):
os.mkdir("{}/".format(master_path)) os.mkdir("{}/".format(master_path))
# preparing dataset. It needs about 22GB of your hard disk space. # preparing dataset. It needs about 22GB of your hard disk space.
fc2_out_dim = config['second_fc_hidden_dim'] fc2_out_dim = config['second_fc_hidden_dim']
use_cuda = config['use_cuda'] use_cuda = config['use_cuda']


emb = EmbeddingModule(config).cuda()

fc1 = torch.nn.Linear(fc1_in_dim, fc2_in_dim) fc1 = torch.nn.Linear(fc1_in_dim, fc2_in_dim)
fc2 = torch.nn.Linear(fc2_in_dim, fc2_out_dim) fc2 = torch.nn.Linear(fc2_in_dim, fc2_out_dim)
linear_out = torch.nn.Linear(fc2_out_dim, 1) linear_out = torch.nn.Linear(fc2_out_dim, 1)
head = torch.nn.Sequential(fc1,fc2,linear_out) head = torch.nn.Sequential(fc1,fc2,linear_out)


if use_cuda:
emb = EmbeddingModule(config).cuda()
else:
emb = EmbeddingModule(config)


# META LEARNING # META LEARNING
print("META LEARNING PHASE") print("META LEARNING PHASE")
# head = l2l.algorithms.MetaSGD(head, lr=config['local_lr'],first_order=True) # head = l2l.algorithms.MetaSGD(head, lr=config['local_lr'],first_order=True)
transform = l2l.optim.ModuleTransform(torch.nn.Linear) transform = l2l.optim.ModuleTransform(torch.nn.Linear)
head = l2l.algorithms.GBML(head , transform=transform , lr=config['local_lr'] , adapt_transform=True,first_order=True) head = l2l.algorithms.GBML(head , transform=transform , lr=config['local_lr'] , adapt_transform=True,first_order=True)
# head.to(torch.device('cuda:0'))
head.cuda()

if use_cuda:
head.cuda()


# Setup optimization # Setup optimization
print("SETUP OPTIMIZATION PHASE") print("SETUP OPTIMIZATION PHASE")
del(supp_xs_s, supp_ys_s, query_xs_s, query_ys_s) del(supp_xs_s, supp_ys_s, query_xs_s, query_ys_s)
training_set_size = len(total_dataset) training_set_size = len(total_dataset)
batch_size = config['batch_size'] batch_size = config['batch_size']

torch.cuda.empty_cache()
# torch.cuda.empty_cache()


random.shuffle(total_dataset) random.shuffle(total_dataset)
num_batch = int(training_set_size / batch_size) num_batch = int(training_set_size / batch_size)
query_ys = list(d[batch_size * i:batch_size * (i + 1)]) query_ys = list(d[batch_size * i:batch_size * (i + 1)])
batch_sz = len(supp_xs) batch_sz = len(supp_xs)


for j in range(batch_size):
supp_xs[j] = supp_xs[j].cuda()
supp_ys[j] = supp_ys[j].cuda()
query_xs[j] = query_xs[j].cuda()
query_ys[j] = query_ys[j].cuda()
if use_cuda:
for j in range(batch_size):
supp_xs[j] = supp_xs[j].cuda()
supp_ys[j] = supp_ys[j].cuda()
query_xs[j] = query_xs[j].cuda()
query_ys[j] = query_ys[j].cuda()


for task in range(batch_sz): for task in range(batch_sz):
# print("EPOCH: ", iteration," BATCH: ",i, "TASK: ",task) # print("EPOCH: ", iteration," BATCH: ",i, "TASK: ",task)

# Compute meta-training loss # Compute meta-training loss
learner = head.clone() learner = head.clone()
temp_sxs = emb(supp_xs[task]) temp_sxs = emb(supp_xs[task])
p.grad.data.mul_(1.0 / batch_sz) p.grad.data.mul_(1.0 / batch_sz)
optimizer.step() optimizer.step()


torch.cuda.empty_cache()
# torch.cuda.empty_cache()
del(supp_xs,supp_ys,query_xs,query_ys) del(supp_xs,supp_ys,query_xs,query_ys)
gc.collect() gc.collect()




# save model # save model
final_model = torch.nn.Sequential(emb,head) final_model = torch.nn.Sequential(emb,head)
torch.save(final_model.state_dict(), master_path + "/models_sgd.pkl")

torch.save(final_model.state_dict(), master_path + "/models_gbml.pkl")


# testing # testing
print("start of test phase") print("start of test phase")

+ 1
- 5
learnToLearnTest.py View File

ndcgs3 = [] ndcgs3 = []


for iterator in range(test_set_size): for iterator in range(test_set_size):

try: try:
supp_xs = a[iterator].cuda() supp_xs = a[iterator].cuda()
supp_ys = b[iterator].cuda() supp_ys = b[iterator].cuda()
ndcgs3.append(float(mz.metrics.NormalizedDiscountedCumulativeGain(k=3)(y_true, y_pred))) ndcgs3.append(float(mz.metrics.NormalizedDiscountedCumulativeGain(k=3)(y_true, y_pred)))


del supp_xs, supp_ys, query_xs, query_ys, predictions, y_true, y_pred, loss_q del supp_xs, supp_ys, query_xs, query_ys, predictions, y_true, y_pred, loss_q
torch.cuda.empty_cache()
# torch.cuda.empty_cache()


# calculate metrics # calculate metrics

# print("======================================")
# losses_q = torch.stack(losses_q).mean(0) # losses_q = torch.stack(losses_q).mean(0)
losses_q = np.array(losses_q).mean() losses_q = np.array(losses_q).mean()
print("mean of mse: ", losses_q) print("mean of mse: ", losses_q)
# print("======================================")
n1 = np.array(ndcgs1).mean() n1 = np.array(ndcgs1).mean()
print("nDCG1: ", n1) print("nDCG1: ", n1)
n3 = np.array(ndcgs3).mean() n3 = np.array(ndcgs3).mean()

Loading…
Cancel
Save