91超碰碰碰碰久久久久久综合_超碰av人澡人澡人澡人澡人掠_国产黄大片在线观看画质优化_txt小说免费全本

溫馨提示×

溫馨提示×

您好,登錄后才能下訂單哦!

密碼登錄×
登錄注冊×
其他方式登錄
點擊 登錄注冊 即表示同意《億速云用戶服務條款》

使用pytorch搭建AlexNet操作(微調預訓練模型及手動搭建)

發布時間:2020-09-02 03:57:59 來源:腳本之家 閱讀:404 作者:sjtu_leexx 欄目:開發技術

本文介紹了如何在pytorch下搭建AlexNet,使用了兩種方法,一種是直接加載預訓練模型,并根據自己的需要微調(將最后一層全連接層輸出由1000改為10),另一種是手動搭建。

構建模型類的時候需要繼承自torch.nn.Module類,要自己重寫__ \_\___init__ \_\___方法和正向傳遞時的forward方法,這里我自己的理解是,搭建網絡寫在__ \_\___init__ \_\___中,每次正向傳遞需要計算的部分寫在forward中,例如把矩陣壓平之類的。

加載預訓練alexnet之后,可以print出來查看模型的結構及信息:

使用pytorch搭建AlexNet操作(微調預訓練模型及手動搭建)

model = models.alexnet(pretrained=True)
print(model)

分為兩個部分,features及classifier,后續搭建模型時可以也寫成這兩部分,并且從打印出來的模型信息中也可以看出每一層的引用方式,便于修改,例如model.classifier[1]指的就是Linear(in_features=9216, out_features=4096, bias=True)這層。

下面放出完整的搭建代碼:

import torch.nn as nn
from torchvision import models

class BuildAlexNet(nn.Module):
  def __init__(self, model_type, n_output):
    super(BuildAlexNet, self).__init__()
    self.model_type = model_type
    if model_type == 'pre':
      model = models.alexnet(pretrained=True)
      self.features = model.features
      fc1 = nn.Linear(9216, 4096)
      fc1.bias = model.classifier[1].bias
      fc1.weight = model.classifier[1].weight
      
      fc2 = nn.Linear(4096, 4096)
      fc2.bias = model.classifier[4].bias
      fc2.weight = model.classifier[4].weight
      
      self.classifier = nn.Sequential(
          nn.Dropout(),
          fc1,
          nn.ReLU(inplace=True),
          nn.Dropout(),
          fc2,
          nn.ReLU(inplace=True),
          nn.Linear(4096, n_output)) 
      #或者直接修改為
#      model.classifier[6]==nn.Linear(4096,n_output)
#      self.classifier = model.classifier
    if model_type == 'new':
      self.features = nn.Sequential(
          nn.Conv2d(3, 64, 11, 4, 2),
          nn.ReLU(inplace = True),
          nn.MaxPool2d(3, 2, 0),
          nn.Conv2d(64, 192, 5, 1, 2),
          nn.ReLU(inplace=True),
          nn.MaxPool2d(3, 2, 0),
          nn.Conv2d(192, 384, 3, 1, 1),
          nn.ReLU(inplace = True),
          nn.Conv2d(384, 256, 3, 1, 1),
          nn.ReLU(inplace=True),
          nn.MaxPool2d(3, 2, 0))
      self.classifier = nn.Sequential(
          nn.Dropout(),
          nn.Linear(9216, 4096),
          nn.ReLU(inplace=True),
          nn.Dropout(),
          nn.Linear(4096, 4096),
          nn.ReLU(inplace=True),
          nn.Linear(4096, n_output))
      
  def forward(self, x):
    x = self.features(x)
    x = x.view(x.size(0), -1)
    out = self.classifier(x)
    return out

微調預訓練模型的思路為:直接保留原模型的features部分,重寫classifier部分。在classifier部分中,我們實際需要修改的只有最后一層全連接層,之前的兩個全連接層不需要修改,所以重寫的時候需要把這兩層的預訓練權重和偏移保留下來,也可以像注釋掉的兩行代碼里那樣直接引用最后一層全連接層進行修改。

網絡搭好之后可以小小的測試一下以檢驗維度是否正確。

import numpy as np
from torch.autograd import Variable
import torch

if __name__ == '__main__':
  model_type = 'pre'
  n_output = 10
  alexnet = BuildAlexNet(model_type, n_output)
  print(alexnet)
  
  x = np.random.rand(1,3,224,224)
  x = x.astype(np.float32)
  x_ts = torch.from_numpy(x)
  x_in = Variable(x_ts)
  y = alexnet(x_in)

這里如果不加“x = x.astype(np.float32)”的話會報一個類型錯誤,感覺有點奇怪。

輸出y.data.numpy()可得10維輸出,表明網絡搭建正確。

以上這篇使用pytorch搭建AlexNet操作(微調預訓練模型及手動搭建)就是小編分享給大家的全部內容了,希望能給大家一個參考,也希望大家多多支持億速云。

向AI問一下細節

免責聲明:本站發布的內容(圖片、視頻和文字)以原創、轉載和分享為主,文章觀點不代表本網站立場,如果涉及侵權請聯系站長郵箱:is@yisu.com進行舉報,并提供相關證據,一經查實,將立刻刪除涉嫌侵權內容。

AI

盐边县| 武功县| 资溪县| 肃北| 乌兰浩特市| 林甸县| 山东| 比如县| 横山县| 新郑市| 耿马| 赤壁市| 巨鹿县| 定南县| 双城市| 子洲县| 共和县| 甘南县| 闽清县| 古田县| 达日县| 乌苏市| 和田市| 依安县| 枣庄市| 陆丰市| 简阳市| 新乡市| 海盐县| 襄垣县| 油尖旺区| 类乌齐县| 扎兰屯市| 沙湾县| 淳化县| 通道| 永福县| 开鲁县| 南雄市| 鄂尔多斯市| 札达县|