コード例 #1
0
def convert_torch_to_onnx():
    img_path = '/home/dell/Downloads/FullTest/noisy/2_1.png'
    output_path = 'models/denoiser_rgb.onnx'

    input_node_names = ['input_image']
    output_nodel_names = ['output_image']

    # torch_model = DenoiseNet()
    # load_checkpoint(torch_model, model_path, 'cpu')
    checkpoint = load_checkpoint("../checkpoints/kpn_att_repeat_new/", False, 'latest')
    state_dict = checkpoint['state_dict']
    torch_model = Att_KPN_DGF(
        color=True,
        burst_length=4,
        blind_est=True,
        kernel_size=[5],
        sep_conv=False,
        channel_att=True,
        spatial_att=True,
        upMode="bilinear",
        core_bias=False
    )
    torch_model.load_state_dict(state_dict)

    img = imageio.imread(img_path)
    img = np.asarray(img, dtype=np.float32) / 255.

    img_tensor = torch.from_numpy(img)
    img_tensor = img_tensor.permute(2, 0, 1)
    image_noise, image_noise_hr = load_data(img_tensor, 4)
    # begin = time.time()
    # print(image_noise_batch.size())
    b, N, c, h, w = image_noise.size()
    feedData = image_noise.view(b, -1, h, w)
    print('Test forward pass')
    s = time.time()
    print("feedData  :",feedData.size())
    print("image_noise  ",image_noise[:, 0:4, ...].size())
    print("image_noise_hr  ",image_noise_hr.size())
    with torch.no_grad():
        _,enhanced_img_tensor = torch_model(feedData, image_noise[:, 0:4, ...],image_noise_hr)
        enhanced_img_tensor = torch.clamp(enhanced_img_tensor, 0, 1)
        enhanced_img = (enhanced_img_tensor.permute(0, 2, 3, 1).squeeze(0)
                        .cpu().detach().numpy())
        enhanced_img = np.clip(enhanced_img * 255, 0, 255).astype('uint8')
        imageio.imwrite('../img/denoised.jpg', enhanced_img)
    print('- Time: ', time.time() - s)

    print('Export to onnx format')
    s = time.time()
    # torch2onnx(torch_model, img_tensor, output_path, input_node_names,
    torch2onnx(torch_model, (feedData, image_noise[:, 0:4, ...],image_noise_hr), output_path, input_node_names,
               output_nodel_names, keep_initializers=False,
               verify_after_export=True)
    print('- Time: ', time.time() - s)
コード例 #2
0
ファイル: test_DGF.py プロジェクト: pminhtam/KPN_attention
def eval(args):
    color = args.color
    print('Eval Process......')
    burst_length = args.burst_length
    # print(args.checkpoint)
    checkpoint_dir = "checkpoints/" + args.checkpoint
    if not os.path.exists(checkpoint_dir) or len(
            os.listdir(checkpoint_dir)) == 0:
        print('There is no any checkpoint file in path:{}'.format(
            checkpoint_dir))
    # the path for saving eval images
    eval_dir = "eval_img"
    if not os.path.exists(eval_dir):
        os.mkdir(eval_dir)

    # dataset and dataloader
    data_set = SingleLoader_DGF(noise_dir=args.noise_dir,
                                gt_dir=args.gt_dir,
                                image_size=args.image_size,
                                burst_length=burst_length)
    data_loader = DataLoader(data_set,
                             batch_size=1,
                             shuffle=False,
                             num_workers=args.num_workers)

    # model here
    if args.model_type == "attKPN":
        model = Att_KPN_DGF(color=color,
                            burst_length=burst_length,
                            blind_est=True,
                            kernel_size=[5],
                            sep_conv=False,
                            channel_att=False,
                            spatial_att=False,
                            upMode="bilinear",
                            core_bias=False)
    elif args.model_type == "attWKPN":
        model = Att_Weight_KPN_DGF(color=color,
                                   burst_length=burst_length,
                                   blind_est=True,
                                   kernel_size=[5],
                                   sep_conv=False,
                                   channel_att=False,
                                   spatial_att=False,
                                   upMode="bilinear",
                                   core_bias=False)
    elif args.model_type == "KPN":
        model = KPN_DGF(color=color,
                        burst_length=burst_length,
                        blind_est=True,
                        kernel_size=[5],
                        sep_conv=False,
                        channel_att=False,
                        spatial_att=False,
                        upMode="bilinear",
                        core_bias=False)
    else:
        print(" Model type not valid")
        return
    if args.cuda:
        model = model.cuda()

    if args.mGPU:
        model = nn.DataParallel(model)
    # load trained model
    ckpt = load_checkpoint(checkpoint_dir,
                           cuda=args.cuda,
                           best_or_latest=args.load_type)

    state_dict = ckpt['state_dict']
    if not args.mGPU:
        new_state_dict = OrderedDict()
        if not args.cuda:
            for k, v in state_dict.items():
                name = k[7:]  # remove `module.`
                new_state_dict[name] = v
        model.load_state_dict(new_state_dict)
    else:
        model.load_state_dict(ckpt['state_dict'])
    print('The model has been loaded from epoch {}, n_iter {}.'.format(
        ckpt['epoch'], ckpt['global_iter']))
    # switch the eval mode
    model.eval()

    # data_loader = iter(data_loader)
    trans = transforms.ToPILImage()

    with torch.no_grad():
        psnr = 0.0
        ssim = 0.0
        torch.manual_seed(0)
        for i, (image_noise_hr, image_noise_lr,
                image_gt_hr) in enumerate(data_loader):
            if i < 100:
                # data = next(data_loader)
                if args.cuda:
                    burst_noise = image_noise_lr.cuda()
                    gt = image_gt_hr.cuda()
                else:
                    burst_noise = image_noise_lr
                    gt = image_gt_hr
                if color:
                    b, N, c, h, w = image_noise_lr.size()
                    feedData = image_noise_lr.view(b, -1, h, w)
                else:
                    feedData = image_noise_lr
                pred_i, pred = model(feedData, burst_noise[:, 0:burst_length,
                                                           ...],
                                     image_noise_hr)

                psnr_t = calculate_psnr(pred, gt)
                ssim_t = calculate_ssim(pred, gt)
                print("PSNR : ", str(psnr_t), " :  SSIM : ", str(ssim_t))

                pred = torch.clamp(pred, 0.0, 1.0)

                if args.cuda:
                    pred = pred.cpu()
                    gt = gt.cpu()
                    burst_noise = burst_noise.cpu()
                if args.save_img:
                    trans(burst_noise[0, 0, ...].squeeze()).save(os.path.join(
                        eval_dir, '{}_noisy.png'.format(i)),
                                                                 quality=100)
                    trans(pred.squeeze()).save(os.path.join(
                        eval_dir, '{}_pred_{:.2f}dB.png'.format(i, psnr_t)),
                                               quality=100)
                    trans(gt.squeeze()).save(os.path.join(
                        eval_dir, '{}_gt.png'.format(i)),
                                             quality=100)
            else:
                break
コード例 #3
0
def test_multi(args):
    color = True
    burst_length = args.burst_length
    device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
    if args.model_type == "attKPN":
        model = Att_KPN_DGF(color=color,
                            burst_length=burst_length,
                            blind_est=True,
                            kernel_size=[5],
                            sep_conv=False,
                            channel_att=True,
                            spatial_att=True,
                            upMode="bilinear",
                            core_bias=False)
    elif args.model_type == "attKPN_Wave":
        model = Att_KPN_Wavelet_DGF(color=color,
                                    burst_length=burst_length,
                                    blind_est=True,
                                    kernel_size=[5],
                                    sep_conv=False,
                                    channel_att=True,
                                    spatial_att=True,
                                    upMode="bilinear",
                                    core_bias=False)
    elif args.model_type == "attWKPN":
        model = Att_Weight_KPN_DGF(color=color,
                                   burst_length=burst_length,
                                   blind_est=True,
                                   kernel_size=[5],
                                   sep_conv=False,
                                   channel_att=True,
                                   spatial_att=True,
                                   upMode="bilinear",
                                   core_bias=False)
    elif args.model_type == "KPN":
        model = KPN_DGF(color=color,
                        burst_length=burst_length,
                        blind_est=True,
                        kernel_size=[5],
                        sep_conv=False,
                        channel_att=False,
                        spatial_att=False,
                        upMode="bilinear",
                        core_bias=False)
    else:
        print(" Model type not valid")
        return
    checkpoint_dir = "checkpoints/" + args.checkpoint
    if not os.path.exists(checkpoint_dir) or len(
            os.listdir(checkpoint_dir)) == 0:
        print('There is no any checkpoint file in path:{}'.format(
            checkpoint_dir))
    # load trained model
    ckpt = load_checkpoint(checkpoint_dir,
                           cuda=device == 'cuda',
                           best_or_latest=args.load_type)
    state_dict = ckpt['state_dict']

    # if not args.cuda:
    new_state_dict = OrderedDict()
    for k, v in state_dict.items():
        name = k[7:]  # remove `module.`
        new_state_dict[name] = v
    model.load_state_dict(new_state_dict)
    # else:
    #     model.load_state_dict(ckpt['state_dict'])

    model.to(device)
    print('The model has been loaded from epoch {}, n_iter {}.'.format(
        ckpt['epoch'], ckpt['global_iter']))
    # switch the eval mode
    model.eval()
    # model= save_dict['state_dict']
    trans = transforms.ToPILImage()
    torch.manual_seed(0)
    all_noisy_imgs = scipy.io.loadmat(
        args.noise_dir)['ValidationNoisyBlocksSrgb']
    all_clean_imgs = scipy.io.loadmat(args.gt)['ValidationGtBlocksSrgb']
    i_imgs, i_blocks, _, _, _ = all_noisy_imgs.shape
    psnrs = []
    ssims = []
    for i_img in range(i_imgs):
        for i_block in range(i_blocks):
            image_noise = transforms.ToTensor()(Image.fromarray(
                all_noisy_imgs[i_img][i_block]))
            image_noise = transforms.ToTensor()(Image.fromarray(
                all_noisy_imgs[i_img][i_block]))
            image_noise, image_noise_hr = load_data(image_noise, burst_length)
            image_noise_hr = image_noise_hr.to(device)
            # begin = time.time()
            image_noise = image_noise.to(device)
            # print(image_noise_batch.size())
            # burst_size = image_noise.size()[1]
            # print(burst_noise.size())
            # print(image_noise_hr.size())
            if color:
                b, N, c, h, w = image_noise.size()
                feedData = image_noise.view(b, -1, h, w)
            else:
                feedData = image_noise
            # print(feedData.size())
            pred_i, pred = model(feedData, image_noise[:, 0:burst_length, ...],
                                 image_noise_hr)
            del pred_i
            pred = pred.detach().cpu()
            # print("Time : ", time.time()-begin)
            gt = transforms.ToTensor()(Image.fromarray(
                all_clean_imgs[i_img][i_block]))
            gt = gt.unsqueeze(0)
            # print(pred_i.size())
            # print(pred[0].size())
            psnr_t = calculate_psnr(pred, gt)
            ssim_t = calculate_ssim(pred, gt)
            psnrs.append(psnr_t)
            ssims.append(ssim_t)
            print(i_img, "  ", i_block, "   UP   :  PSNR : ", str(psnr_t),
                  " :  SSIM : ", str(ssim_t))
            if args.save_img != '':
                if not os.path.exists(args.save_img):
                    os.makedirs(args.save_img)
                plt.figure(figsize=(15, 15))
                plt.imshow(np.array(trans(pred[0])))
                plt.title("denoise KPN DGF " + args.model_type, fontsize=25)
                image_name = str(i_img) + "_" + str(i_block)
                plt.axis("off")
                plt.suptitle(image_name + "   UP   :  PSNR : " + str(psnr_t) +
                             " :  SSIM : " + str(ssim_t),
                             fontsize=25)
                plt.savefig(os.path.join(
                    args.save_img,
                    image_name + "_" + args.checkpoint + '.png'),
                            pad_inches=0)
        """
        if args.save_img:
            # print(np.array(trans(mf8[0])))
            plt.figure(figsize=(30, 9))
            plt.subplot(1,3,1)
            plt.imshow(np.array(trans(pred[0])))
            plt.title("denoise DGF "+args.model_type, fontsize=26)
            plt.subplot(1,3,2)
            plt.imshow(np.array(trans(gt[0])))
            plt.title("gt ", fontsize=26)
            plt.subplot(1,3,3)
            plt.imshow(np.array(trans(image_noise_hr[0])))
            plt.title("noise ", fontsize=26)
            plt.axis("off")
            plt.suptitle(str(i)+"   UP   :  PSNR : "+ str(psnr_t)+" :  SSIM : "+ str(ssim_t), fontsize=26)
            plt.savefig("checkpoints/22_DGF_" + args.checkpoint+str(i)+'.png',pad_inches=0)
        """
    print("   AVG   :  PSNR : " + str(np.mean(psnrs)) + " :  SSIM : " +
          str(np.mean(ssims)))
コード例 #4
0
def test_multi(args):
    color = True
    burst_length = args.burst_length
    device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
    if args.model_type == "attKPN":
        model = Att_KPN_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=True,
            spatial_att=True,
            upMode="bilinear",
            core_bias=False
        )
    elif args.model_type == "attKPN_Wave":
        model = Att_KPN_Wavelet_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=True,
            spatial_att=True,
            upMode="bilinear",
            core_bias=False
        )
    elif args.model_type == "attWKPN":
        model = Att_Weight_KPN_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=True,
            spatial_att=True,
            upMode="bilinear",
            core_bias=False
        )
    elif args.model_type == "KPN":
        model = KPN_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=False,
            spatial_att=False,
            upMode="bilinear",
            core_bias=False
        )
    else:
        print(" Model type not valid")
        return
    checkpoint_dir = "checkpoints/" + args.checkpoint
    if not os.path.exists(checkpoint_dir) or len(os.listdir(checkpoint_dir)) == 0:
        print('There is no any checkpoint file in path:{}'.format(checkpoint_dir))
    # load trained model
    ckpt = load_checkpoint(checkpoint_dir,cuda=device=='cuda',best_or_latest=args.load_type)
    state_dict = ckpt['state_dict']

    # if not args.cuda:
    new_state_dict = OrderedDict()
    for k, v in state_dict.items():
        name = k[7:]  # remove `module.`
        new_state_dict[name] = v
    model.load_state_dict(state_dict)
    # else:
    #     model.load_state_dict(ckpt['state_dict'])

    model.to(device)
    print('The model has been loaded from epoch {}, n_iter {}.'.format(ckpt['epoch'], ckpt['global_iter']))
    # switch the eval mode
    noisy_path = sorted(glob.glob(args.noise_dir+ "/*.png"))
    model.eval()
    torch.manual_seed(0)
    trans = transforms.ToPILImage()
    if not os.path.exists(args.save_img):
        os.makedirs(args.save_img)
    for i in range(len(noisy_path)):
        image_noise = transforms.ToTensor()(Image.open(noisy_path[i]).convert('RGB'))
        image_noise,image_noise_hr = load_data(image_noise,burst_length)
        image_noise_hr = image_noise_hr.to(device)
        # begin = time.time()
        image_noise_batch = image_noise.to(device)
        # print(image_noise_batch.size())
        # burst_size = image_noise_batch.size()[1]
        burst_noise = image_noise_batch.to(device)
        # print(burst_noise.size())
        # print(image_noise_hr.size())
        if color:
            b, N, c, h, w = burst_noise.size()
            feedData = burst_noise.view(b, -1, h, w)
        else:
            feedData = burst_noise
        pred_i, pred = model(feedData, burst_noise[:, 0:burst_length, ...],image_noise_hr)
        del pred_i
        print(pred.size())
        pred = np.array(trans(pred[0].cpu()))
        print(pred.shape)
        if args.save_img != '':
            if not os.path.exists(args.save_img):
                os.makedirs(args.save_img)
            # mat_contents['image'] = pred
            # print(mat_contents)
            print("save : ", os.path.join(args.save_img,noisy_path[i].split("/")[-1].split(".")[0]+'.mat'))
            data = {"Idenoised_crop": pred}
            # print(data)
            sio.savemat(os.path.join(args.save_img,noisy_path[i].split("/")[-1].split(".")[0]+'.mat'), data)
コード例 #5
0
def train(num_workers, cuda, restart_train, mGPU):
    # torch.set_num_threads(num_threads)

    color = True
    batch_size = args.batch_size
    lr = 2e-4
    lr_decay = 0.89125093813
    n_epoch = args.epoch
    # num_workers = 8
    save_freq = args.save_every
    loss_freq = args.loss_every
    lr_step_size = 5
    burst_length = args.burst_length
    # checkpoint path
    checkpoint_dir = "checkpoints/" + args.checkpoint
    if not os.path.exists(checkpoint_dir):
        os.makedirs(checkpoint_dir)
    # logs path
    logs_dir = "checkpoints/logs/" + args.checkpoint
    if not os.path.exists(logs_dir):
        os.makedirs(logs_dir)
    shutil.rmtree(logs_dir)
    log_writer = SummaryWriter(logs_dir)

    # dataset and dataloader
    if args.data_type == 'real':
        data_set = SingleLoader_DGF(noise_dir=args.noise_dir,gt_dir=args.gt_dir,image_size=args.image_size,burst_length=burst_length)
    elif args.data_type == "synth":
        data_set = SingleLoader_DGF_synth(gt_dir=args.gt_dir,image_size=args.image_size,burst_length=burst_length)
    elif args.data_type == 'raw':
        data_set = SingleLoader_DGF_raw(noise_dir=args.noise_dir,gt_dir=args.gt_dir,image_size=args.image_size,burst_length=args.burst_length)
    else:
        print("Wrong type data")
        return
    data_loader = DataLoader(
        data_set,
        batch_size=batch_size,
        shuffle=True,
        num_workers=num_workers
    )
    # model here
    if args.model_type == "attKPN":
        model = Att_KPN_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=True,
            spatial_att=True,
            upMode="bilinear",
            core_bias=False,
            in_channel=args.in_channel
        )
    elif args.model_type == "attKPN_Wave":
        model = Att_KPN_Wavelet_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=True,
            spatial_att=True,
            upMode="bilinear",
            core_bias=False,
            in_channel=args.in_channel
        )
    elif args.model_type == "attWKPN":
        model = Att_Weight_KPN_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=True,
            spatial_att=True,
            upMode="bilinear",
            core_bias=False,
            in_channel=args.in_channel
        )
    elif args.model_type == "KPN":
        model = KPN_DGF(
            color=color,
            burst_length=burst_length,
            blind_est=True,
            kernel_size=[5],
            sep_conv=False,
            channel_att=False,
            spatial_att=False,
            upMode="bilinear",
            core_bias=False,
            in_channel=args.in_channel
        )
    else:
        print(" Model type not valid")
        return
    if cuda:
        model = model.cuda()

    if mGPU:
        model = nn.DataParallel(model)
    model.train()

    # loss function here
    # loss_func = LossFunc(
    #     coeff_basic=1.0,
    #     coeff_anneal=1.0,
    #     gradient_L1=True,
    #     alpha=0.9998,
    #     beta=100.0
    # )
    # loss_func = LossBasic()
    # # loss_func = AlginLoss()
    # loss_func_i = LossAnneal_i()
    loss_func = BasicLoss()
    if args.wavelet_loss:
        print("Use wavelet loss")
        loss_func2 = WaveletLoss()
    # Optimizer here
    optimizer = optim.Adam(
        model.parameters(),
        lr=lr
    )

    optimizer.zero_grad()

    # learning rate scheduler here
    scheduler = lr_scheduler.StepLR(optimizer, step_size=lr_step_size, gamma=lr_decay)

    average_loss = MovingAverage(save_freq)
    device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
    if not restart_train:
        try:
            checkpoint = load_checkpoint(checkpoint_dir,cuda=device=='cuda',best_or_latest=args.load_type)
            start_epoch = checkpoint['epoch']
            global_step = checkpoint['global_iter']
            best_loss = checkpoint['best_loss']
            model.load_state_dict(checkpoint['state_dict'])
            optimizer.load_state_dict(checkpoint['optimizer'])
            scheduler.load_state_dict(checkpoint['lr_scheduler'])
            print('=> loaded checkpoint (epoch {}, global_step {})'.format(start_epoch, global_step))
        except:
            start_epoch = 0
            global_step = 0
            best_loss = np.inf
            print('=> no checkpoint file to be loaded.')
    else:
        start_epoch = 0
        global_step = 0
        best_loss = np.inf
        if os.path.exists(checkpoint_dir):
            pass
            # files = os.listdir(checkpoint_dir)
            # for f in files:
            #     os.remove(os.path.join(checkpoint_dir, f))
        else:
            os.mkdir(checkpoint_dir)
        print('=> training')


    for epoch in range(start_epoch, n_epoch):
        epoch_start_time = time.time()
        # decay the learning rate

        # print('='*20, 'lr={}'.format([param['lr'] for param in optimizer.param_groups]), '='*20)
        t1 = time.time()
        for step, (image_noise_hr,image_noise_lr, image_gt_hr, image_gt_lr) in enumerate(data_loader):
            # print(burst_noise.size())
            # print(gt.size())
            burst_noise = image_noise_lr.to(device)
            gt = image_gt_hr.to(device)
            image_gt_lr = image_gt_lr.to(device)
            image_noise_hr = image_noise_hr.to(device)

            if color:
                b, N, c, h, w = image_noise_lr.size()
                feedData = image_noise_lr.view(b, -1, h, w).to(device)
            else:
                feedData = image_noise_lr
            # print('white_level', white_level, white_level.size())
            # print("feedData   : ",feedData.size())
            #
            pred_i, pred = model(feedData, burst_noise[:, 0:burst_length, ...],image_noise_hr)
            #
            # loss_basic, loss_anneal = loss_func(pred_i, pred, gt, global_step)
            # loss_basic = loss_func(pred, gt)
            # loss_i =loss_func_i(global_step, pred_i, image_gt_lr)
            # loss = loss_basic + loss_i
            # if args.wavelet_loss:
            #     loss_wave = loss_func2(pred,gt)
            #     # print(loss_wave)
            #     loss = loss_basic + loss_wave + loss_i
            loss_basic,_,_ = loss_func(pred,pred_i, gt,global_step)
            loss = loss_basic

            # backward
            optimizer.zero_grad()
            loss.backward()
            optimizer.step()
            # update the average loss
            average_loss.update(loss)
            # global_step

            if not color:
                pred = pred.unsqueeze(1)
                gt = gt.unsqueeze(1)
            if global_step %loss_freq ==0:
                # calculate PSNR
                # print("burst_noise  : ",burst_noise.size())
                # print("gt   :  ",gt.size())
                # print("feedData   : ", feedData.size())
                psnr = calculate_psnr(pred, gt)
                ssim = calculate_ssim(pred, gt)

                # add scalars to tensorboardX
                log_writer.add_scalar('loss_basic', loss_basic, global_step)
                # log_writer.add_scalar('loss_anneal', loss_anneal, global_step)
                log_writer.add_scalar('loss_total', loss, global_step)
                log_writer.add_scalar('psnr', psnr, global_step)
                log_writer.add_scalar('ssim', ssim, global_step)

                # print
                print('{:-4d}\t| epoch {:2d}\t| step {:4d}\t| loss_basic: {:.4f}\t|'
                      ' loss: {:.4f}\t| PSNR: {:.2f}dB\t| SSIM: {:.4f}\t| time:{:.2f} seconds.'
                      .format(global_step, epoch, step, loss_basic, loss, psnr, ssim, time.time()-t1))
                t1 = time.time()


            if global_step % save_freq == 0:
                if average_loss.get_value() < best_loss:
                    is_best = True
                    best_loss = average_loss.get_value()
                else:
                    is_best = False

                save_dict = {
                    'epoch': epoch,
                    'global_iter': global_step,
                    'state_dict': model.state_dict(),
                    'best_loss': best_loss,
                    'optimizer': optimizer.state_dict(),
                    'lr_scheduler': scheduler.state_dict()
                }
                save_checkpoint(
                    save_dict, is_best, checkpoint_dir, global_step, max_keep=10
                )
                print('Save   : {:-4d}\t| epoch {:2d}\t| step {:4d}\t| loss_basic: {:.4f}\t|'
                      ' loss: {:.4f}'
                      .format(global_step, epoch, step, loss_basic, loss))
            global_step += 1
        print('Epoch {} is finished, time elapsed {:.2f} seconds.'.format(epoch, time.time()-epoch_start_time))
        lr_cur = [param['lr'] for param in optimizer.param_groups]
        if lr_cur[0] > 5e-6:
            scheduler.step()
        else:
            for param in optimizer.param_groups:
                param['lr'] = 5e-6
コード例 #6
0
ファイル: export.py プロジェクト: pminhtam/KPN_attention
from model.KPN_DGF import KPN_DGF, Att_KPN_DGF, Att_Weight_KPN_DGF, Att_KPN_Wavelet_DGF
import torch
import tensorflow as tf
import onnx
from onnx_tf.backend import prepare
import os
from utils.training_util import save_checkpoint, MovingAverage, load_checkpoint

checkpoint = load_checkpoint("../checkpoints/kpn_att_repeat_new/", False,
                             'latest')
state_dict = checkpoint['state_dict']
model = Att_KPN_DGF(color=True,
                    burst_length=4,
                    blind_est=True,
                    kernel_size=[5],
                    sep_conv=False,
                    channel_att=True,
                    spatial_att=True,
                    upMode="bilinear",
                    core_bias=False)
# model.load_state_dict(state_dict)
model.eval()
from torchsummary import summary
summary(model, [(12, 256, 256), (4, 3, 256, 256), (3, 512, 512)], batch_size=1)
exit()
# Converting model to ONNX
print('===> Converting model to ONNX.')
try:
    for _ in model.modules():
        _.training = False
コード例 #7
0
from utils.training_util import save_checkpoint, MovingAverage, load_checkpoint

img_path = '/home/dell/Downloads/FullTest/noisy/2_1.png'
model_path = '../../denoiser/pretrained_models/denoising/sidd_rgb.pth'
output_path = 'models/denoiser_rgb.onnx'

input_node_names = ['input_image']
output_nodel_names = ['output_image']

# torch_model = DenoiseNet()
# load_checkpoint(torch_model, model_path, 'cpu')
torch_model = Att_KPN_DGF(color=True,
                          burst_length=4,
                          blind_est=True,
                          kernel_size=[5],
                          sep_conv=False,
                          channel_att=True,
                          spatial_att=True,
                          upMode="bilinear",
                          core_bias=False)
img = imageio.imread(img_path)
img = img[0:256, 0:256, :]
print(img.shape)
img = np.asarray(img, dtype=np.float32) / 255.

img_tensor = torch.from_numpy(img)
img_tensor = img_tensor.permute(2, 0, 1).unsqueeze(0)

print('Test forward pass')
s = time.time()
# with torch.no_grad():
コード例 #8
0
def test_multi(args):
    color = True
    burst_length = args.burst_length
    device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
    if args.model_type == "attKPN":
        model = Att_KPN_DGF(color=color,
                            burst_length=burst_length,
                            blind_est=True,
                            kernel_size=[5],
                            sep_conv=False,
                            channel_att=True,
                            spatial_att=True,
                            upMode="bilinear",
                            core_bias=False)
    elif args.model_type == "attKPN_Wave":
        model = Att_KPN_Wavelet_DGF(color=color,
                                    burst_length=burst_length,
                                    blind_est=True,
                                    kernel_size=[5],
                                    sep_conv=False,
                                    channel_att=True,
                                    spatial_att=True,
                                    upMode="bilinear",
                                    core_bias=False)
    elif args.model_type == "attWKPN":
        model = Att_Weight_KPN_DGF(color=color,
                                   burst_length=burst_length,
                                   blind_est=True,
                                   kernel_size=[5],
                                   sep_conv=False,
                                   channel_att=True,
                                   spatial_att=True,
                                   upMode="bilinear",
                                   core_bias=False)
    elif args.model_type == "KPN":
        model = KPN_DGF(color=color,
                        burst_length=burst_length,
                        blind_est=True,
                        kernel_size=[5],
                        sep_conv=False,
                        channel_att=False,
                        spatial_att=False,
                        upMode="bilinear",
                        core_bias=False)
    else:
        print(" Model type not valid")
        return
    checkpoint_dir = "checkpoints/" + args.checkpoint
    if not os.path.exists(checkpoint_dir) or len(
            os.listdir(checkpoint_dir)) == 0:
        print('There is no any checkpoint file in path:{}'.format(
            checkpoint_dir))
    # load trained model
    ckpt = load_checkpoint(checkpoint_dir,
                           cuda=device == 'cuda',
                           best_or_latest=args.load_type)
    state_dict = ckpt['state_dict']

    # if not args.cuda:
    new_state_dict = OrderedDict()
    for k, v in state_dict.items():
        name = k[7:]  # remove `module.`
        new_state_dict[name] = v
    model.load_state_dict(new_state_dict)
    # else:
    #     model.load_state_dict(ckpt['state_dict'])

    model.to(device)
    print('The model has been loaded from epoch {}, n_iter {}.'.format(
        ckpt['epoch'], ckpt['global_iter']))
    # switch the eval mode
    model.eval()
    # model= save_dict['state_dict']
    trans = transforms.ToPILImage()
    torch.manual_seed(0)
    noisy_path = sorted(glob.glob(args.noise_dir + "/*.png"))
    clean_path = [i.replace("noisy", "clean") for i in noisy_path]
    upscale_factor = int(math.sqrt(burst_length))
    for i in range(len(noisy_path)):
        image_noise, image_noise_hr = load_data(noisy_path[i], burst_length)
        image_noise_hr = image_noise_hr.to(device)
        # begin = time.time()
        image_noise_batch = image_noise.to(device)
        # print(image_noise_batch.size())
        burst_size = image_noise_batch.size()[1]
        burst_noise = image_noise_batch.to(device)
        # print(burst_noise.size())
        # print(image_noise_hr.size())
        if color:
            b, N, c, h, w = burst_noise.size()
            feedData = burst_noise.view(b, -1, h, w)
        else:
            feedData = burst_noise
        # print(feedData.size())
        pred_i, pred = model(feedData, burst_noise[:, 0:burst_length, ...],
                             image_noise_hr)
        # del pred_i
        pred_i = pred_i.detach().cpu()
        print(pred_i.size())
        pred_full = pixel_shuffle(pred_i, upscale_factor)
        pred_full = pred_full
        print(pred_full.size())

        pred = pred.detach().cpu()
        # print("Time : ", time.time()-begin)
        gt = transforms.ToTensor()(Image.open(clean_path[i]).convert('RGB'))
        gt = gt.unsqueeze(0)
        # print(pred_i.size())
        # print(pred[0].size())
        psnr_t = calculate_psnr(pred, gt)
        ssim_t = calculate_ssim(pred, gt)
        print(i, "  pixel_shuffle UP   :  PSNR : ",
              str(calculate_psnr(pred_full, gt)), " :  SSIM : ",
              str(calculate_ssim(pred_full, gt)))
        print(i, "   UP   :  PSNR : ", str(psnr_t), " :  SSIM : ", str(ssim_t))
        if args.save_img != '':
            if not os.path.exists(args.save_img):
                os.makedirs(args.save_img)
            plt.figure(figsize=(15, 15))
            plt.imshow(np.array(trans(pred[0])))
            plt.title("denoise KPN DGF " + args.model_type, fontsize=25)
            image_name = noisy_path[i].split("/")[-1].split(".")[0]
            plt.axis("off")
            plt.suptitle(image_name + "   UP   :  PSNR : " + str(psnr_t) +
                         " :  SSIM : " + str(ssim_t),
                         fontsize=25)
            plt.savefig(os.path.join(
                args.save_img, image_name + "_" + args.checkpoint + '.png'),
                        pad_inches=0)
        """
コード例 #9
0
def test_multi(args):
    color = True
    burst_length = args.burst_length
    device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
    if args.model_type == "attKPN":
        model = Att_KPN_DGF(color=color,
                            burst_length=burst_length,
                            blind_est=True,
                            kernel_size=[5],
                            sep_conv=False,
                            channel_att=True,
                            spatial_att=True,
                            upMode="bilinear",
                            core_bias=False)
    elif args.model_type == "attKPN_Wave":
        model = Att_KPN_Wavelet_DGF(color=color,
                                    burst_length=burst_length,
                                    blind_est=True,
                                    kernel_size=[5],
                                    sep_conv=False,
                                    channel_att=True,
                                    spatial_att=True,
                                    upMode="bilinear",
                                    core_bias=False)
    elif args.model_type == "attWKPN":
        model = Att_Weight_KPN_DGF(color=color,
                                   burst_length=burst_length,
                                   blind_est=True,
                                   kernel_size=[5],
                                   sep_conv=False,
                                   channel_att=True,
                                   spatial_att=True,
                                   upMode="bilinear",
                                   core_bias=False)
    elif args.model_type == "KPN":
        model = KPN_DGF(color=color,
                        burst_length=burst_length,
                        blind_est=True,
                        kernel_size=[5],
                        sep_conv=False,
                        channel_att=False,
                        spatial_att=False,
                        upMode="bilinear",
                        core_bias=False)
    else:
        print(" Model type not valid")
        return
    checkpoint_dir = args.checkpoint
    if not os.path.exists(checkpoint_dir) or len(
            os.listdir(checkpoint_dir)) == 0:
        print('There is no any checkpoint file in path:{}'.format(
            checkpoint_dir))
    # load trained model
    ckpt = load_checkpoint(checkpoint_dir,
                           cuda=device == 'cuda',
                           best_or_latest=args.load_type)
    state_dict = ckpt['state_dict']

    # if not args.cuda:
    new_state_dict = OrderedDict()
    for k, v in state_dict.items():
        name = k[7:]  # remove `module.`
        new_state_dict[name] = v
    model.load_state_dict(new_state_dict)
    # else:
    #     model.load_state_dict(ckpt['state_dict'])

    model.to(device)
    print('The model has been loaded from epoch {}, n_iter {}.'.format(
        ckpt['epoch'], ckpt['global_iter']))
    # switch the eval mode
    model.eval()
    # model= save_dict['state_dict']
    trans = transforms.ToPILImage()
    torch.manual_seed(0)
    all_noisy_imgs = scipy.io.loadmat(
        args.noise_dir)['BenchmarkNoisyBlocksSrgb']
    mat_re = np.zeros_like(all_noisy_imgs)
    # all_clean_imgs = scipy.io.loadmat(args.gt)['siddplus_valid_gt_srgb']
    i_imgs, i_blocks, _, _, _ = all_noisy_imgs.shape
    psnrs = []
    ssims = []
    for i_img in range(i_imgs):
        for i_block in range(i_blocks):
            image_noise = transforms.ToTensor()(Image.fromarray(
                all_noisy_imgs[i_img][i_block]))
            image_noise, image_noise_hr = load_data(image_noise, burst_length)
            image_noise_hr = image_noise_hr.to(device)
            # begin = time.time()
            image_noise_batch = image_noise.to(device)
            # print(image_noise_batch.size())
            burst_size = image_noise_batch.size()[1]
            burst_noise = image_noise_batch.to(device)
            # print(burst_noise.size())
            # print(image_noise_hr.size())
            if color:
                b, N, c, h, w = burst_noise.size()
                feedData = burst_noise.view(b, -1, h, w)
            else:
                feedData = burst_noise
            # print(feedData.size())
            pred_i, pred = model(feedData, burst_noise[:, 0:burst_length, ...],
                                 image_noise_hr)
            # del pred_i
            pred = pred.detach().cpu()

            mat_re[i_img][i_block] = np.array(trans(pred[0]))

    return mat_re