train_with_tensorboard.py 14.3 KB
Newer Older
B
Bubbliiiing 已提交
1 2 3 4 5 6
#-------------------------------------#
#       对数据集进行训练
#-------------------------------------#
import numpy as np
import torch
import torch.backends.cudnn as cudnn
B
Bubbliiiing 已提交
7
import torch.optim as optim
B
Bubbliiiing 已提交
8
from tensorboardX import SummaryWriter
B
Bubbliiiing 已提交
9
from torch.utils.data import DataLoader
B
Bubbliiiing 已提交
10
from tqdm import tqdm
B
Bubbliiiing 已提交
11

B
Bubbliiiing 已提交
12 13 14 15 16
from nets.yolo4 import YoloBody
from nets.yolo_training import YOLOLoss
from utils.dataloader import YoloDataset, yolo_dataset_collate


B
Bubbliiiing 已提交
17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33
#---------------------------------------------------#
#   获得类和先验框
#---------------------------------------------------#
def get_classes(classes_path):
    '''loads the classes'''
    with open(classes_path) as f:
        class_names = f.readlines()
    class_names = [c.strip() for c in class_names]
    return class_names

def get_anchors(anchors_path):
    '''loads the anchors from a file'''
    with open(anchors_path) as f:
        anchors = f.readline()
    anchors = [float(x) for x in anchors.split(',')]
    return np.array(anchors).reshape([-1,3,2])[::-1,:,:]

B
Bubbliiiing 已提交
34 35 36 37
def get_lr(optimizer):
    for param_group in optimizer.param_groups:
        return param_group['lr']

B
Bubbliiiing 已提交
38
def fit_ont_epoch(net,yolo_loss,epoch,epoch_size,epoch_size_val,gen,genval,Epoch,cuda,writer):
B
Bubbliiiing 已提交
39
    global train_tensorboard_step, val_tensorboard_step
B
Bubbliiiing 已提交
40 41
    total_loss = 0
    val_loss = 0
B
Bubbliiiing 已提交
42 43

    net.train()
B
Bubbliiiing 已提交
44
    print('Start Train')
B
Bubbliiiing 已提交
45 46 47 48 49 50 51
    with tqdm(total=epoch_size,desc=f'Epoch {epoch + 1}/{Epoch}',postfix=dict,mininterval=0.3) as pbar:
        for iteration, batch in enumerate(gen):
            if iteration >= epoch_size:
                break
            images, targets = batch[0], batch[1]
            with torch.no_grad():
                if cuda:
B
Bubbliiiing 已提交
52 53
                    images  = torch.from_numpy(images).type(torch.FloatTensor).cuda()
                    targets = [torch.from_numpy(ann).type(torch.FloatTensor) for ann in targets]
B
Bubbliiiing 已提交
54
                else:
B
Bubbliiiing 已提交
55 56
                    images  = torch.from_numpy(images).type(torch.FloatTensor)
                    targets = [torch.from_numpy(ann).type(torch.FloatTensor) for ann in targets]
B
Bubbliiiing 已提交
57 58 59 60

            #----------------------#
            #   清零梯度
            #----------------------#
B
Bubbliiiing 已提交
61
            optimizer.zero_grad()
B
Bubbliiiing 已提交
62 63 64
            #----------------------#
            #   前向传播
            #----------------------#
B
Bubbliiiing 已提交
65
            outputs = net(images)
B
Bubbliiiing 已提交
66
            losses = []
B
Bubbliiiing 已提交
67 68 69 70
            num_pos_all = 0
            #----------------------#
            #   计算损失
            #----------------------#
B
Bubbliiiing 已提交
71
            for i in range(3):
B
Bubbliiiing 已提交
72
                loss_item, num_pos = yolo_loss(outputs[i], targets)
B
Bubbliiiing 已提交
73 74 75 76 77 78 79 80 81
                losses.append(loss_item)
                num_pos_all += num_pos

            loss = sum(losses) / num_pos_all
            total_loss += loss.item()

            #----------------------#
            #   反向传播
            #----------------------#
B
Bubbliiiing 已提交
82 83 84
            loss.backward()
            optimizer.step()

B
Bubbliiiing 已提交
85 86 87
            # 将loss写入tensorboard,每一步都写
            writer.add_scalar('Train_loss', loss, train_tensorboard_step)
            train_tensorboard_step += 1
B
Bubbliiiing 已提交
88

B
Bubbliiiing 已提交
89 90 91
            pbar.set_postfix(**{'total_loss': total_loss / (iteration + 1), 
                                'lr'        : get_lr(optimizer)})
            pbar.update(1)
B
Bubbliiiing 已提交
92 93 94
        
    # 将loss写入tensorboard,下面注释的是每个世代保存一次
    # writer.add_scalar('Train_loss', total_loss/(iteration+1), epoch)
B
Bubbliiiing 已提交
95
    net.eval()
B
Bubbliiiing 已提交
96 97 98 99 100 101 102 103 104
    print('Start Validation')
    with tqdm(total=epoch_size_val, desc=f'Epoch {epoch + 1}/{Epoch}',postfix=dict,mininterval=0.3) as pbar:
        for iteration, batch in enumerate(genval):
            if iteration >= epoch_size_val:
                break
            images_val, targets_val = batch[0], batch[1]

            with torch.no_grad():
                if cuda:
B
Bubbliiiing 已提交
105 106
                    images_val  = torch.from_numpy(images_val).type(torch.FloatTensor).cuda()
                    targets_val = [torch.from_numpy(ann).type(torch.FloatTensor) for ann in targets_val]
B
Bubbliiiing 已提交
107
                else:
B
Bubbliiiing 已提交
108 109
                    images_val  = torch.from_numpy(images_val).type(torch.FloatTensor)
                    targets_val = [torch.from_numpy(ann).type(torch.FloatTensor) for ann in targets_val]
B
Bubbliiiing 已提交
110 111 112
                optimizer.zero_grad()
                outputs = net(images_val)
                losses = []
B
Bubbliiiing 已提交
113
                num_pos_all = 0
B
Bubbliiiing 已提交
114
                for i in range(3):
B
Bubbliiiing 已提交
115
                    loss_item, num_pos = yolo_loss(outputs[i], targets_val)
B
Bubbliiiing 已提交
116 117 118 119 120 121
                    losses.append(loss_item)
                    num_pos_all += num_pos

                loss = sum(losses) / num_pos_all
                val_loss += loss.item()

B
Bubbliiiing 已提交
122
                # 将loss写入tensorboard, 下面注释的是每一步都写
B
Bubbliiiing 已提交
123 124 125 126 127
                # writer.add_scalar('Val_loss', loss, val_tensorboard_step)
                # val_tensorboard_step += 1

                pbar.set_postfix(**{'total_loss': val_loss / (iteration + 1)})
                pbar.update(1)
B
Bubbliiiing 已提交
128

B
Bubbliiiing 已提交
129
    # 将loss写入tensorboard,每个世代保存一次
B
Bubbliiiing 已提交
130
    writer.add_scalar('Val_loss',val_loss / (epoch_size_val+1), epoch)
B
Bubbliiiing 已提交
131
    print('Finish Validation')
B
Bubbliiiing 已提交
132
    print('Epoch:'+ str(epoch+1) + '/' + str(Epoch))
B
Bubbliiiing 已提交
133 134 135 136 137 138 139
    print('Total Loss: %.4f || Val Loss: %.4f ' % (total_loss/(epoch_size+1),val_loss/(epoch_size_val+1)))
    print('Saving state, iter:', str(epoch+1))
    torch.save(model.state_dict(), 'logs/Epoch%d-Total_Loss%.4f-Val_Loss%.4f.pth'%((epoch+1),total_loss/(epoch_size+1),val_loss/(epoch_size_val+1)))


if __name__ == "__main__":
    #-------------------------------#
B
Bubbliiiing 已提交
140 141
    #   是否使用Cuda
    #   没有GPU可以设置成False
B
Bubbliiiing 已提交
142 143
    #-------------------------------#
    Cuda = True
B
Bubbliiiing 已提交
144
    #------------------------------------------------------#
B
Bubbliiiing 已提交
145 146
    #   是否对损失进行归一化,用于改变loss的大小
    #   用于决定计算最终loss是除上batch_size还是除上正样本数量
B
Bubbliiiing 已提交
147
    #------------------------------------------------------#
B
Bubbliiiing 已提交
148
    normalize = False
B
Bubbliiiing 已提交
149
    #-------------------------------#
B
Bubbliiiing 已提交
150 151 152
    #   输入的shape大小
    #   显存比较小可以使用416x416
    #   显存比较大可以使用608x608
B
Bubbliiiing 已提交
153
    #-------------------------------#
B
Bubbliiiing 已提交
154 155 156 157 158 159
    input_shape = (416,416)

    #----------------------------------------------------#
    #   classes和anchor的路径,非常重要
    #   训练前一定要修改classes_path,使其对应自己的数据集
    #----------------------------------------------------#
B
Bubbliiiing 已提交
160 161
    anchors_path = 'model_data/yolo_anchors.txt'
    classes_path = 'model_data/voc_classes.txt'   
B
Bubbliiiing 已提交
162 163 164
    #----------------------------------------------------#
    #   获取classes和anchor
    #----------------------------------------------------#
B
Bubbliiiing 已提交
165 166 167 168
    class_names = get_classes(classes_path)
    anchors = get_anchors(anchors_path)
    num_classes = len(class_names)
    
B
Bubbliiiing 已提交
169 170
    #------------------------------------------------------#
    #   Yolov4的tricks应用
B
Bubbliiiing 已提交
171 172
    #   mosaic 马赛克数据增强 True or False 
    #   实际测试时mosaic数据增强并不稳定,所以默认为False
B
Bubbliiiing 已提交
173 174 175
    #   Cosine_scheduler 余弦退火学习率 True or False
    #   label_smoothing 标签平滑 0.01以下一般 如0.01、0.005
    #------------------------------------------------------#
B
Bubbliiiing 已提交
176
    mosaic = False
B
Bubbliiiing 已提交
177 178 179 180 181 182 183 184 185 186 187 188
    Cosine_lr = False
    smoooth_label = 0

    #------------------------------------------------------#
    #   创建yolo模型
    #   训练前一定要修改classes_path和对应的txt文件
    #------------------------------------------------------#
    model = YoloBody(len(anchors[0]), num_classes)

    #------------------------------------------------------#
    #   权值文件请看README,百度网盘下载
    #------------------------------------------------------#
B
Bubbliiiing 已提交
189 190 191 192 193 194 195 196 197 198 199 200 201 202 203 204 205 206
    model_path = "model_data/yolo4_weights.pth"
    print('Loading weights into state dict...')
    device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
    model_dict = model.state_dict()
    pretrained_dict = torch.load(model_path, map_location=device)
    pretrained_dict = {k: v for k, v in pretrained_dict.items() if np.shape(model_dict[k]) ==  np.shape(v)}
    model_dict.update(pretrained_dict)
    model.load_state_dict(model_dict)
    print('Finished!')

    net = model.train()

    if Cuda:
        net = torch.nn.DataParallel(model)
        cudnn.benchmark = True
        net = net.cuda()

    # 建立loss函数
B
Bubbliiiing 已提交
207 208
    yolo_loss    = YOLOLoss(np.reshape(anchors,[-1,2]), num_classes, (input_shape[1], input_shape[0]), smoooth_label, Cuda, normalize)
    
B
Bubbliiiing 已提交
209 210 211 212 213 214 215 216 217
    #----------------------------------------------------#
    #   获得图片路径和标签
    #----------------------------------------------------#
    annotation_path = '2007_train.txt'
    #----------------------------------------------------------------------#
    #   验证集的划分在train.py代码里面进行
    #   2007_test.txt和2007_val.txt里面没有内容是正常的。训练不会使用到。
    #   当前划分方式下,验证集和训练集的比例为1:9
    #----------------------------------------------------------------------#
B
Bubbliiiing 已提交
218 219 220 221 222 223 224 225
    val_split = 0.1
    with open(annotation_path) as f:
        lines = f.readlines()
    np.random.seed(10101)
    np.random.shuffle(lines)
    np.random.seed(None)
    num_val = int(len(lines)*val_split)
    num_train = len(lines) - num_val
B
Bubbliiiing 已提交
226

B
Bubbliiiing 已提交
227 228 229 230 231 232 233
    writer = SummaryWriter(log_dir='logs',flush_secs=60)
    if Cuda:
        graph_inputs = torch.from_numpy(np.random.rand(1,3,input_shape[0],input_shape[1])).type(torch.FloatTensor).cuda()
    else:
        graph_inputs = torch.from_numpy(np.random.rand(1,3,input_shape[0],input_shape[1])).type(torch.FloatTensor)
    writer.add_graph(model, (graph_inputs,))

B
Bubbliiiing 已提交
234 235 236 237 238 239 240 241 242 243
    #------------------------------------------------------#
    #   主干特征提取网络特征通用,冻结训练可以加快训练速度
    #   也可以在训练初期防止权值被破坏。
    #   Init_Epoch为起始世代
    #   Freeze_Epoch为冻结训练的世代
    #   Epoch总训练世代
    #   提示OOM或者显存不足请调小Batch_size
    #------------------------------------------------------#
    train_tensorboard_step = 1
    val_tensorboard_step = 1
B
Bubbliiiing 已提交
244
    if True:
B
Bubbliiiing 已提交
245 246 247 248
        lr              = 1e-3
        Batch_size      = 4
        Init_Epoch      = 0
        Freeze_Epoch    = 50
B
Bubbliiiing 已提交
249
        
B
Bubbliiiing 已提交
250 251 252 253
        #----------------------------------------------------------------------------#
        #   我在实际测试时,发现optimizer的weight_decay起到了反作用,
        #   所以去除掉了weight_decay,大家也可以开起来试试,一般是weight_decay=5e-4
        #----------------------------------------------------------------------------#
B
Bubbliiiing 已提交
254
        optimizer       = optim.Adam(net.parameters(),lr)
B
Bubbliiiing 已提交
255 256 257
        if Cosine_lr:
            lr_scheduler = optim.lr_scheduler.CosineAnnealingLR(optimizer, T_max=5, eta_min=1e-5)
        else:
B
Bubbliiiing 已提交
258
            lr_scheduler = optim.lr_scheduler.StepLR(optimizer, step_size=1, gamma=0.92)
B
Bubbliiiing 已提交
259

B
Bubbliiiing 已提交
260 261 262 263 264 265 266 267 268 269 270 271
        train_dataset   = YoloDataset(lines[:num_train], (input_shape[0], input_shape[1]), mosaic=mosaic, is_train=True)
        val_dataset     = YoloDataset(lines[num_train:], (input_shape[0], input_shape[1]), mosaic=False, is_train=False)
        gen             = DataLoader(train_dataset, shuffle=True, batch_size=Batch_size, num_workers=4, pin_memory=True,
                                drop_last=True, collate_fn=yolo_dataset_collate)
        gen_val         = DataLoader(val_dataset, shuffle=True, batch_size=Batch_size, num_workers=4,pin_memory=True, 
                                drop_last=True, collate_fn=yolo_dataset_collate)

        epoch_size      = num_train // Batch_size
        epoch_size_val  = num_val // Batch_size
        
        if epoch_size == 0 or epoch_size_val == 0:
            raise ValueError("数据集过小,无法进行训练,请扩充数据集。")
B
Bubbliiiing 已提交
272 273 274 275 276 277 278
        #------------------------------------#
        #   冻结一定部分训练
        #------------------------------------#
        for param in model.backbone.parameters():
            param.requires_grad = False

        for epoch in range(Init_Epoch,Freeze_Epoch):
B
Bubbliiiing 已提交
279
            fit_ont_epoch(net,yolo_loss,epoch,epoch_size,epoch_size_val,gen,gen_val,Freeze_Epoch,Cuda,writer)
B
Bubbliiiing 已提交
280 281 282
            lr_scheduler.step()

    if True:
B
Bubbliiiing 已提交
283 284 285 286
        lr              = 1e-4
        Batch_size      = 2
        Freeze_Epoch    = 50
        Unfreeze_Epoch  = 100
B
Bubbliiiing 已提交
287

B
Bubbliiiing 已提交
288 289 290 291 292
        #----------------------------------------------------------------------------#
        #   我在实际测试时,发现optimizer的weight_decay起到了反作用,
        #   所以去除掉了weight_decay,大家也可以开起来试试,一般是weight_decay=5e-4
        #----------------------------------------------------------------------------#
        optimizer = optim.Adam(net.parameters(),lr)
B
Bubbliiiing 已提交
293 294 295
        if Cosine_lr:
            lr_scheduler = optim.lr_scheduler.CosineAnnealingLR(optimizer, T_max=5, eta_min=1e-5)
        else:
B
Bubbliiiing 已提交
296
            lr_scheduler = optim.lr_scheduler.StepLR(optimizer, step_size=1, gamma=0.92)
B
Bubbliiiing 已提交
297

B
Bubbliiiing 已提交
298 299 300 301 302 303 304 305 306 307 308 309
        train_dataset = YoloDataset(lines[:num_train], (input_shape[0], input_shape[1]), mosaic=mosaic, is_train=True)
        val_dataset = YoloDataset(lines[num_train:], (input_shape[0], input_shape[1]), mosaic=False, is_train=False)
        gen = DataLoader(train_dataset, shuffle=True, batch_size=Batch_size, num_workers=4, pin_memory=True,
                                drop_last=True, collate_fn=yolo_dataset_collate)
        gen_val = DataLoader(val_dataset, shuffle=True, batch_size=Batch_size, num_workers=4,pin_memory=True, 
                                drop_last=True, collate_fn=yolo_dataset_collate)

        epoch_size      = num_train // Batch_size
        epoch_size_val  = num_val // Batch_size
        
        if epoch_size == 0 or epoch_size_val == 0:
            raise ValueError("数据集过小,无法进行训练,请扩充数据集。")
B
Bubbliiiing 已提交
310 311 312 313 314 315 316
        #------------------------------------#
        #   解冻后训练
        #------------------------------------#
        for param in model.backbone.parameters():
            param.requires_grad = True

        for epoch in range(Freeze_Epoch,Unfreeze_Epoch):
B
Bubbliiiing 已提交
317
            fit_ont_epoch(net,yolo_loss,epoch,epoch_size,epoch_size_val,gen,gen_val,Unfreeze_Epoch,Cuda,writer)
B
Bubbliiiing 已提交
318
            lr_scheduler.step()