线性回归-softmax-多层感知机

线性回归

主要内容包括:

线性回归的基本要素

线性回归模型从零开始的实现

线性回归模型使用pytorch的简洁实现

线性回归的基本要素

模型

为了简单起见,这里我们假设价格只取决于房屋状况的两个因素,即面积(平方米)和房龄(年)。接下来我们希望探索价格与这两个因素的具体关系。线性回归假设输出与各个输入之间是线性关系:

price=warea⋅area+wage⋅age+b

数据集

我们通常收集一系列的真实数据,例如多栋房屋的真实售出价格和它们对应的面积和房龄。我们希望在这个数据上面寻找模型参数来使模型的预测价格与真实价格的误差最小。在机器学习术语里,该数据集被称为训练数据集(training

data set)或训练集(training

set),一栋房屋被称为一个样本(sample),其真实售出价格叫作标签(label),用来预测标签的两个因素叫作特征(feature)。特征用来表征样本的特点。

损失函数

在模型训练中,我们需要衡量价格预测值与真实值之间的误差。通常我们会选取一个非负数作为误差,且数值越小表示误差越小。一个常用的选择是平方函数。 它在评估索引为i

的样本误差的表达式为

l(i)(w,b)=12(y^(i)−y(i))2,

L(w,b)=1n∑i=1nl(i)(w,b)=1n∑i=1n12(w⊤x(i)+b−y(i))2.

优化函数 - 随机梯度下降

当模型和损失函数形式较为简单时,上面的误差最小化问题的解可以直接用公式表达出来。这类解叫作解析解(analytical

solution)。本节使用的线性回归和平方误差刚好属于这个范畴。然而,大多数深度学习模型并没有解析解,只能通过优化算法有限次迭代模型参数来尽可能降低损失函数的值。这类解叫作数值解(numerical

solution)。

在求数值解的优化算法中,小批量随机梯度下降(mini-batch stochastic gradient descent)在深度学习中被广泛使用。它的算法很简单:先选取一组模型参数的初始值,如随机选取;接下来对参数进行多次迭代,使每次迭代都可能降低损失函数的值。在每次迭代中,先随机均匀采样一个由固定数目训练数据样本所组成的小批量(mini-batch)B

,然后求小批量中数据样本的平均损失有关模型参数的导数(梯度),最后用此结果与预先设定的一个正数的乘积作为模型参数在本次迭代的减小量。

(w,b)←(w,b)−η|B|∑i∈B∂(w,b)l(i)(w,b)

学习率:η

代表在每次优化中,能够学习的步长的大小

批量大小:B

是小批量计算中的批量大小batch size

总结一下,优化函数的有以下两个步骤:

(i)初始化模型参数,一般来说使用随机初始化;

(ii)我们在数据上迭代多次,通过在负梯度方向移动参数来更新每个参数。

矢量计算

在模型训练或预测时,我们常常会同时处理多个数据样本并用到矢量计算。在介绍线性回归的矢量计算表达式之前,让我们先考虑对两个向量相加的两种方法。

向量相加的一种方法是,将这两个向量按元素逐一做标量加法。

向量相加的另一种方法是,将这两个向量直接做矢量加法。

importtorchimporttime# init variable a, b as 1000 dimension vectorn=1000a=torch.ones(n)b=torch.ones(n)

# define a timer class to record timeclassTimer(object):"""Record multiple running times."""def__init__(self):self.times=[]self.start()defstart(self):# start the timerself.start_time=time.time()defstop(self):# stop the timer and record time into a listself.times.append(time.time()-self.start_time)returnself.times[-1]defavg(self):# calculate the average and returnreturnsum(self.times)/len(self.times)defsum(self):# return the sum of recorded timereturnsum(self.times)

现在我们可以来测试了。首先将两个向量使用for循环按元素逐一做标量加法。

timer=Timer()c=torch.zeros(n)foriinrange(n):c[i]=a[i]+b[i]'%.5f sec'%timer.stop()

另外是使用torch来将两个向量直接做矢量加法:

timer.start()d=a+b'%.5f sec'%timer.stop()

结果很明显,后者比前者运算速度更快。因此,我们应该尽可能采用矢量计算,以提升计算效率。

线性回归模型从零开始的实现

# import packages and modules%matplotlibinlineimporttorchfromIPythonimportdisplayfrommatplotlibimportpyplotaspltimportnumpyasnpimportrandomprint(torch.__version__)

生成数据集

使用线性模型来生成数据集,生成一个1000个样本的数据集,下面是用来生成数据的线性关系:

price=warea⋅area+wage⋅age+b

# set input feature number num_inputs=2# set example numbernum_examples=1000# set true weight and bias in order to generate corresponded labeltrue_w=[2,-3.4]true_b=4.2features=torch.randn(num_examples,num_inputs,dtype=torch.float32)labels=true_w[0]*features[:,0]+true_w[1]*features[:,1]+true_blabels+=torch.tensor(np.random.normal(0,0.01,size=labels.size()),dtype=torch.float32)

使用图像来展示生成的数据

plt.scatter(features[:,1].numpy(),labels.numpy(),1);

读取数据集

defdata_iter(batch_size,features,labels):num_examples=len(features)indices=list(range(num_examples))random.shuffle(indices)# random read 10 samplesforiinrange(0,num_examples,batch_size):j=torch.LongTensor(indices[i:min(i+batch_size,num_examples)])# the last time may be not enough for a whole batchyieldfeatures.index_select(0,j),labels.index_select(0,j)

batch_size=10forX,yindata_iter(batch_size,features,labels):print(X,'\n',y)break

初始化模型参数

w=torch.tensor(np.random.normal(0,0.01,(num_inputs,1)),dtype=torch.float32)b=torch.zeros(1,dtype=torch.float32)w.requires_grad_(requires_grad=True)b.requires_grad_(requires_grad=True)

定义模型

定义用来训练参数的训练模型:

price=warea⋅area+wage⋅age+b

deflinreg(X,w,b):returntorch.mm(X,w)+b

定义损失函数

我们使用的是均方误差损失函数:

l(i)(w,b)=12(y^(i)−y(i))2,

defsquared_loss(y_hat,y):return(y_hat-y.view(y_hat.size()))**2/2

定义优化函数

在这里优化函数使用的是小批量随机梯度下降:

(w,b)←(w,b)−η|B|∑i∈B∂(w,b)l(i)(w,b)

defsgd(params,lr,batch_size):forparaminparams:param.data-=lr*param.grad/batch_size# ues .data to operate param without gradient track

训练

当数据集、模型、损失函数和优化函数定义完了之后就可来准备进行模型的训练了。

# super parameters initlr=0.03num_epochs=5net=linregloss=squared_loss# trainingforepochinrange(num_epochs):# training repeats num_epochs times# in each epoch, all the samples in dataset will be used once# X is the feature and y is the label of a batch sampleforX,yindata_iter(batch_size,features,labels):l=loss(net(X,w,b),y).sum()# calculate the gradient of batch sample loss l.backward()# using small batch random gradient descent to iter model parameterssgd([w,b],lr,batch_size)# reset parameter gradientw.grad.data.zero_()b.grad.data.zero_()train_l=loss(net(features,w,b),labels)print('epoch %d, loss %f'%(epoch+1,train_l.mean().item()))

w,true_w,b,true_b

线性回归模型使用pytorch的简洁实现

importtorchfromtorchimportnnimportnumpyasnptorch.manual_seed(1)print(torch.__version__)torch.set_default_tensor_type('torch.FloatTensor')

生成数据集

在这里生成数据集跟从零开始的实现中是完全一样的。

num_inputs=2num_examples=1000true_w=[2,-3.4]true_b=4.2features=torch.tensor(np.random.normal(0,1,(num_examples,num_inputs)),dtype=torch.float)labels=true_w[0]*features[:,0]+true_w[1]*features[:,1]+true_blabels+=torch.tensor(np.random.normal(0,0.01,size=labels.size()),dtype=torch.float)

读取数据集

importtorch.utils.dataasDatabatch_size=10# combine featues and labels of datasetdataset=Data.TensorDataset(features,labels)# put dataset into DataLoaderdata_iter=Data.DataLoader(dataset=dataset,# torch TensorDataset formatbatch_size=batch_size,# mini batch sizeshuffle=True,# whether shuffle the data or notnum_workers=2,# read data in multithreading)

forX,yindata_iter:print(X,'\n',y)break

定义模型

classLinearNet(nn.Module):def__init__(self,n_feature):super(LinearNet,self).__init__()# call father function to init self.linear=nn.Linear(n_feature,1)# function prototype: `torch.nn.Linear(in_features, out_features, bias=True)`defforward(self,x):y=self.linear(x)returnynet=LinearNet(num_inputs)print(net)

# ways to init a multilayer network# method onenet=nn.Sequential(nn.Linear(num_inputs,1)# other layers can be added here)# method twonet=nn.Sequential()net.add_module('linear',nn.Linear(num_inputs,1))# net.add_module ......# method threefromcollectionsimportOrderedDictnet=nn.Sequential(OrderedDict([('linear',nn.Linear(num_inputs,1))# ......]))print(net)print(net[0])

初始化模型参数

fromtorch.nnimportinitinit.normal_(net[0].weight,mean=0.0,std=0.01)init.constant_(net[0].bias,val=0.0)# or you can use `net[0].bias.data.fill_(0)` to modify it directly

forparaminnet.parameters():print(param)

定义损失函数

loss=nn.MSELoss()# nn built-in squared loss function# function prototype: `torch.nn.MSELoss(size_average=None, reduce=None, reduction='mean')`

定义优化函数

importtorch.optimasoptimoptimizer=optim.SGD(net.parameters(),lr=0.03)# built-in random gradient descent functionprint(optimizer)# function prototype: `torch.optim.SGD(params, lr=, momentum=0, dampening=0, weight_decay=0, nesterov=False)`

训练

num_epochs=3forepochinrange(1,num_epochs+1):forX,yindata_iter:output=net(X)l=loss(output,y.view(-1,1))optimizer.zero_grad()# reset gradient, equal to net.zero_grad()l.backward()optimizer.step()print('epoch %d, loss: %f'%(epoch,l.item()))

# result comparisiondense=net[0]print(true_w,dense.weight.data)print(true_b,dense.bias.data)

两种实现方式的比较

从零开始的实现(推荐用来学习)

能够更好的理解模型和神经网络底层的原理

使用pytorch的简洁实现

能够更加快速地完成模型的设计与实现

多层感知机

多层感知机的基本知识

使用多层感知机图像分类的从零开始的实现

使用pytorch的简洁实现

多层感知机的基本知识

深度学习主要关注多层模型。在这里,我们将以多层感知机(multilayer perceptron,MLP)为例,介绍多层神经网络的概念。

隐藏层

下图展示了一个多层感知机的神经网络图,它含有一个隐藏层,该层中有5个隐藏单元。

表达公式

具体来说,给定一个小批量样本X∈Rn×d,其批量大小为n,输入个数为d。假设多层感知机只有一个隐藏层,其中隐藏单元个数为h。记隐藏层的输出(也称为隐藏层变量或隐藏变量)为H,有H∈Rn×h。因为隐藏层和输出层均是全连接层,可以设隐藏层的权重参数和偏差参数分别为Wh∈Rd×h和bh∈R1×h,输出层的权重和偏差参数分别为Wo∈Rh×q和bo∈R1×q。

我们先来看一种含单隐藏层的多层感知机的设计。其输出O∈Rn×q的计算为

H=XWh+bh,O=HWo+bo,

也就是将隐藏层的输出直接作为输出层的输入。如果将以上两个式子联立起来,可以得到

O=(XWh+bh)Wo+bo=XWhWo+bhWo+bo.

从联立后的式子可以看出,虽然神经网络引入了隐藏层,却依然等价于一个单层神经网络:其中输出层权重参数为WhWo,偏差参数为bhWo+bo。不难发现,即便再添加更多的隐藏层,以上设计依然只能与仅含输出层的单层神经网络等价。

激活函数

上述问题的根源在于全连接层只是对数据做仿射变换(affine

transformation),而多个仿射变换的叠加仍然是一个仿射变换。解决问题的一个方法是引入非线性变换,例如对隐藏变量使用按元素运算的非线性函数进行变换,然后再作为下一个全连接层的输入。这个非线性函数被称为激活函数(activation

function)。

下面我们介绍几个常用的激活函数:

ReLU函数

ReLU(rectified linear unit)函数提供了一个很简单的非线性变换。给定元素x,该函数定义为

ReLU(x)=max(x,0).

可以看出,ReLU函数只保留正数元素,并将负数元素清零。为了直观地观察这一非线性变换,我们先定义一个绘图函数xyplot。

%matplotlibinlineimporttorchimportnumpyasnpimportmatplotlib.pyplotaspltimportsyssys.path.append("/home/kesci/input")importd2lzh1981asd2lprint(torch.__version__)


1.3.0

defxyplot(x_vals,y_vals,name):# d2l.set_figsize(figsize=(5, 2.5))plt.plot(x_vals.detach().numpy(),y_vals.detach().numpy())plt.xlabel('x')plt.ylabel(name+'(x)')

x=torch.arange(-8.0,8.0,0.1,requires_grad=True)y=x.relu()xyplot(x,y,'relu')


y.sum().backward()xyplot(x,x.grad,'grad of relu')


Sigmoid函数

sigmoid函数可以将元素的值变换到0和1之间:

sigmoid(x)=11+exp(−x).

y=x.sigmoid()xyplot(x,y,'sigmoid')


依据链式法则,sigmoid函数的导数

sigmoid′(x)=sigmoid(x)(1−sigmoid(x)).

下面绘制了sigmoid函数的导数。当输入为0时,sigmoid函数的导数达到最大值0.25;当输入越偏离0时,sigmoid函数的导数越接近0。

x.grad.zero_()y.sum().backward()xyplot(x,x.grad,'grad of sigmoid')


tanh函数

tanh(双曲正切)函数可以将元素的值变换到-1和1之间:

tanh(x)=1−exp(−2x)1+exp(−2x).

我们接着绘制tanh函数。当输入接近0时,tanh函数接近线性变换。虽然该函数的形状和sigmoid函数的形状很像,但tanh函数在坐标系的原点上对称。

y=x.tanh()xyplot(x,y,'tanh')


依据链式法则,tanh函数的导数

tanh′(x)=1−tanh2(x).

下面绘制了tanh函数的导数。当输入为0时,tanh函数的导数达到最大值1;当输入越偏离0时,tanh函数的导数越接近0。

x.grad.zero_()y.sum().backward()xyplot(x,x.grad,'grad of tanh')


关于激活函数的选择

ReLu函数是一个通用的激活函数,目前在大多数情况下使用。但是,ReLU函数只能在隐藏层中使用。

用于分类器时,sigmoid函数及其组合通常效果更好。由于梯度消失问题,有时要避免使用sigmoid和tanh函数。

在神经网络层数较多的时候,最好使用ReLu函数,ReLu函数比较简单计算量少,而sigmoid和tanh函数计算量大很多。

在选择激活函数的时候可以先选用ReLu函数如果效果不理想可以尝试其他激活函数。

多层感知机

多层感知机就是含有至少一个隐藏层的由全连接层组成的神经网络,且每个隐藏层的输出通过激活函数进行变换。多层感知机的层数和各隐藏层中隐藏单元个数都是超参数。以单隐藏层为例并沿用本节之前定义的符号,多层感知机按以下方式计算输出:

H=ϕ(XWh+bh),O=HWo+bo,

其中ϕ表示激活函数。

多层感知机从零开始的实现

importtorchimportnumpyasnpimportsyssys.path.append("/home/kesci/input")importd2lzh1981asd2lprint(torch.__version__)


1.3.0

获取训练集

batch_size=256train_iter,test_iter=d2l.load_data_fashion_mnist(batch_size,root='/home/kesci/input/FashionMNIST2065')

定义模型参数

num_inputs,num_outputs,num_hiddens=784,10,256W1=torch.tensor(np.random.normal(0,0.01,(num_inputs,num_hiddens)),dtype=torch.float)b1=torch.zeros(num_hiddens,dtype=torch.float)W2=torch.tensor(np.random.normal(0,0.01,(num_hiddens,num_outputs)),dtype=torch.float)b2=torch.zeros(num_outputs,dtype=torch.float)params=[W1,b1,W2,b2]forparaminparams:param.requires_grad_(requires_grad=True)

定义激活函数

defrelu(X):returntorch.max(input=X,other=torch.tensor(0.0))

定义网络

defnet(X):X=X.view((-1,num_inputs))H=relu(torch.matmul(X,W1)+b1)returntorch.matmul(H,W2)+b2

定义损失函数

loss=torch.nn.CrossEntropyLoss()

训练

num_epochs,lr=5,100.0# def train_ch3(net, train_iter, test_iter, loss, num_epochs, batch_size,#              params=None, lr=None, optimizer=None):#    for epoch in range(num_epochs):#        train_l_sum, train_acc_sum, n = 0.0, 0.0, 0#        for X, y in train_iter:#            y_hat = net(X)#            l = loss(y_hat, y).sum()#            #            # 梯度清零#            if optimizer is not None:#                optimizer.zero_grad()#            elif params is not None and params[0].grad is not None:#                for param in params:#                    param.grad.data.zero_()#            #            l.backward()#            if optimizer is None:#                d2l.sgd(params, lr, batch_size)#            else:#                optimizer.step()  # “softmax回归的简洁实现”一节将用到#            #            #            train_l_sum += l.item()#            train_acc_sum += (y_hat.argmax(dim=1) == y).sum().item()#            n += y.shape[0]#        test_acc = evaluate_accuracy(test_iter, net)#        print('epoch %d, loss %.4f, train acc %.3f, test acc %.3f'#              % (epoch + 1, train_l_sum / n, train_acc_sum / n, test_acc))d2l.train_ch3(net,train_iter,test_iter,loss,num_epochs,batch_size,params,lr)


epoch 1, loss 0.0030, train acc 0.712, test acc 0.806

epoch 2, loss 0.0019, train acc 0.821, test acc 0.806

epoch 3, loss 0.0017, train acc 0.847, test acc 0.825

epoch 4, loss 0.0015, train acc 0.856, test acc 0.834

epoch 5, loss 0.0015, train acc 0.863, test acc 0.847

多层感知机pytorch实现

importtorchfromtorchimportnnfromtorch.nnimportinitimportnumpyasnpimportsyssys.path.append("/home/kesci/input")importd2lzh1981asd2lprint(torch.__version__)


1.3.0

初始化模型和各个参数

num_inputs,num_outputs,num_hiddens=784,10,256net=nn.Sequential(d2l.FlattenLayer(),nn.Linear(num_inputs,num_hiddens),nn.ReLU(),nn.Linear(num_hiddens,num_outputs),)forparamsinnet.parameters():init.normal_(params,mean=0,std=0.01)

训练

batch_size=256train_iter,test_iter=d2l.load_data_fashion_mnist(batch_size,root='/home/kesci/input/FashionMNIST2065')loss=torch.nn.CrossEntropyLoss()optimizer=torch.optim.SGD(net.parameters(),lr=0.5)num_epochs=5d2l.train_ch3(net,train_iter,test_iter,loss,num_epochs,batch_size,None,None,optimizer)


epoch 1, loss 0.0031, train acc 0.701, test acc 0.774

epoch 2, loss 0.0019, train acc 0.821, test acc 0.806

epoch 3, loss 0.0017, train acc 0.841, test acc 0.805

epoch 4, loss 0.0015, train acc 0.855, test acc 0.834

epoch 5, loss 0.0014, train acc 0.866, test acc 0.840

©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 211,194评论 6 490
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 90,058评论 2 385
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 156,780评论 0 346
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 56,388评论 1 283
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 65,430评论 5 384
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 49,764评论 1 290
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 38,907评论 3 406
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 37,679评论 0 266
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 44,122评论 1 303
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 36,459评论 2 325
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 38,605评论 1 340
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 34,270评论 4 329
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 39,867评论 3 312
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 30,734评论 0 21
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 31,961评论 1 265
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 46,297评论 2 360
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 43,472评论 2 348

推荐阅读更多精彩内容