当前位置:网站首页>PyTorch四种常用优化器测试
PyTorch四种常用优化器测试
2022-07-06 09:16:00 【想成为风筝】
PyTorch四种常用优化器测试SGD、SGD(Momentum)、RMSprop、Adam
import os
os.environ['KMP_DUPLICATE_LIB_OK'] = 'TRUE'
import torch
import torch.utils.data as Data
import torch.nn.functional as F
import matplotlib.pyplot as plt
#超参数
LR =0.001
Batch_Size = 32
Epochs = 12
#生成训练数据
x = torch.unsqueeze(torch.linspace(-1,1,1000),dim=1)
y = x.pow(2) + 0.1 * torch.normal(torch.zeros(*x.size()))
torch_dataset = Data.TensorDataset(x,y)
loader = Data.DataLoader(dataset=torch_dataset,batch_size=Batch_Size,shuffle=True)
class Net2(torch.nn.Module):
def __init__(self):
super(Net2,self).__init__()
self.hidden = torch.nn.Linear(1,20)
self.predict = torch.nn.Linear(20,1)
#前向传递
def forward(self,x):
x = F.relu(self.hidden(x))
x = self.predict(x)
return x
net_SGD = Net2()
net_Momentum =Net2()
net_RMSprop = Net2()
net_Adam = Net2()
nets = [net_SGD,net_Momentum,net_RMSprop,net_Adam]
opt_SGD = torch.optim.SGD(net_SGD.parameters(),lr=LR)
opt_Momentum = torch.optim.SGD(net_Momentum.parameters(),lr=LR,momentum=0.9)
opt_RMSProp = torch.optim.RMSprop(net_RMSprop.parameters(),lr=LR,alpha=0.9)
opt_Adam = torch.optim.Adam(net_Adam.parameters(),lr=LR,betas=(0.9,0.99))
optimizers = [opt_SGD,opt_Momentum,opt_RMSProp,opt_Adam]
loss_func = torch.nn.MSELoss()
loss_his = [[],[],[],[]]
for epoch in range(Epochs):
for step,(batch_x,batch_y) in enumerate(loader):
for net,opt,l_his in zip(nets,optimizers,loss_his):
output = net(batch_x)
loss = loss_func(output,batch_y)
opt.zero_grad()
loss.backward()
opt.step()
l_his.append(loss.data.numpy()) #loss recoder
labels = ['SGD','Momentum','RMsprop','Adam']
for i ,l_his in enumerate(loss_his):
plt.plot(l_his, label=labels[i])
plt.legend(loc='best')
plt.xlabel('Steps')
plt.ylabel('Loss')
plt.ylim((0, 0.2))
plt.show()
边栏推荐
- 5G工作原理详解(解释&图解)
- nodejs 详解
- Mysql的索引实现之B树和B+树
- L2-004 is this a binary search tree? (25 points)
- 使用lambda在循环中传参时,参数总为同一个值
- Principle and implementation of MySQL master-slave replication
- SQL时间注入
- PHP - whether the setting error displays -php xxx When PHP executes, there is no code exception prompt
- 【flink】flink学习
- Kaggle竞赛-Two Sigma Connect: Rental Listing Inquiries(XGBoost)
猜你喜欢
随机推荐
Principle and implementation of MySQL master-slave replication
ImportError: libmysqlclient. so. 20: Cannot open shared object file: no such file or directory solution
Redis interview questions
Stage 4 MySQL database
MySQL主从复制的原理以及实现
使用lambda在循环中传参时,参数总为同一个值
Vert. x: A simple TCP client and server demo
[mrctf2020] dolls
Valentine's Day flirting with girls to force a small way, one can learn
Basic use of pytest
When using lambda to pass parameters in a loop, the parameters are always the same value
nodejs连接Mysql
Codeforces Round #753 (Div. 3)
[Presto] Presto parameter configuration optimization
vs2019 使用向导生成一个MFC应用程序
[CDH] modify the default port 7180 of cloudera manager in cdh/cdp environment
sklearn之feature_extraction.text.CountVectorizer / TfidVectorizer
Composition des mots (sous - total)
人脸识别 face_recognition
Aborted connection 1055898 to db: