From 7c7e44d527d2679cd3f796da905b4f327b547df6 Mon Sep 17 00:00:00 2001 From: Alpha Date: Sun, 8 Mar 2020 13:05:49 -0400 Subject: [PATCH 1/4] Avoid 0 frame input, small code cleanup --- colab_MiddleBury_slowmotion.py | 262 ++++++++++++++++----------------- 1 file changed, 124 insertions(+), 138 deletions(-) diff --git a/colab_MiddleBury_slowmotion.py b/colab_MiddleBury_slowmotion.py index 0aae1be..3d7eb50 100644 --- a/colab_MiddleBury_slowmotion.py +++ b/colab_MiddleBury_slowmotion.py @@ -10,8 +10,6 @@ from scipy.misc import imread, imsave from AverageMeter import * import shutil -my_count = 1 -count = 0 torch.backends.cudnn.benchmark = True # to speed up the DO_MiddleBurryOther = True @@ -60,142 +58,130 @@ use_cuda=args.use_cuda save_which=args.save_which dtype = args.dtype -unique_id =str(random.randint(0, 100000)) -unique_id = str("TEST") -print("The unique id for current testing is: " + str(unique_id)) -interp_error = AverageMeter() -while my_count < 100: - if DO_MiddleBurryOther: - subdir = os.listdir(MB_Other_DATA) - #gen_dir = os.path.join(MB_Other_RESULT, unique_id) - gen_dir = '/content/DAIN/MiddleBurySet/other-result-author/TEST' - #os.mkdir(gen_dir) - - tot_timer = AverageMeter() - proc_timer = AverageMeter() - end = time.time() - for dir in subdir: - print(dir) - - - #setze dateiname auf int - dateiname_start = my_count - dateiname_start = str(dateiname_start).zfill(5) - dateiname_ende = my_count + 1 - dateiname_ende = str(dateiname_ende).zfill(5) - arguments_strFirst = os.path.join(MB_Other_DATA, dir, str(dateiname_start)+'.png') #frame10.png - arguments_strSecond = os.path.join(MB_Other_DATA, dir, str(dateiname_ende)+'.png') #frame11 - - - - - gt_path = os.path.join(MB_Other_GT, dir, "frame10i11.png") - - X0 = torch.from_numpy( np.transpose(imread(arguments_strFirst) , (2,0,1)).astype("float32")/ 255.0).type(dtype) - X1 = torch.from_numpy( np.transpose(imread(arguments_strSecond) , (2,0,1)).astype("float32")/ 255.0).type(dtype) - - - y_ = torch.FloatTensor() - - assert (X0.size(1) == X1.size(1)) - assert (X0.size(2) == X1.size(2)) - - intWidth = X0.size(2) - intHeight = X0.size(1) - channel = X0.size(0) - if not channel == 3: - continue - - if intWidth != ((intWidth >> 7) << 7): - intWidth_pad = (((intWidth >> 7) + 1) << 7) # more than necessary - intPaddingLeft =int(( intWidth_pad - intWidth)/2) - intPaddingRight = intWidth_pad - intWidth - intPaddingLeft - else: - intWidth_pad = intWidth - intPaddingLeft = 32 - intPaddingRight= 32 - - if intHeight != ((intHeight >> 7) << 7): - intHeight_pad = (((intHeight >> 7) + 1) << 7) # more than necessary - intPaddingTop = int((intHeight_pad - intHeight) / 2) - intPaddingBottom = intHeight_pad - intHeight - intPaddingTop +if not DO_MiddleBurryOther: + return + +output_frame_count = 1 +input_frame_count = 1 +while input_frame_count < 100: + subdir = os.listdir(MB_Other_DATA) + gen_dir = '/content/DAIN/MiddleBurySet/other-result-author/TEST' + os.mkdir(gen_dir) + + tot_timer = AverageMeter() + proc_timer = AverageMeter() + end = time.time() + for dir in subdir: + print(dir) + + #setze dateiname auf int + dateiname_start = input_frame_count + dateiname_start = str(dateiname_start).zfill(5) + dateiname_ende = input_frame_count + 1 + dateiname_ende = str(dateiname_ende).zfill(5) + arguments_strFirst = os.path.join(MB_Other_DATA, dir, str(dateiname_start)+'.png') #frame10.png + arguments_strSecond = os.path.join(MB_Other_DATA, dir, str(dateiname_ende)+'.png') #frame11 + + gt_path = os.path.join(MB_Other_GT, dir, "frame10i11.png") + + X0 = torch.from_numpy( np.transpose(imread(arguments_strFirst) , (2,0,1)).astype("float32")/ 255.0).type(dtype) + X1 = torch.from_numpy( np.transpose(imread(arguments_strSecond) , (2,0,1)).astype("float32")/ 255.0).type(dtype) + + y_ = torch.FloatTensor() + + assert (X0.size(1) == X1.size(1)) + assert (X0.size(2) == X1.size(2)) + + intWidth = X0.size(2) + intHeight = X0.size(1) + channel = X0.size(0) + if not channel == 3: + print(f"Skipping {dateiname_start} -- expected 3 color channels but found {channel}.") + continue + + if intWidth != ((intWidth >> 7) << 7): + intWidth_pad = (((intWidth >> 7) + 1) << 7) # more than necessary + intPaddingLeft =int(( intWidth_pad - intWidth)/2) + intPaddingRight = intWidth_pad - intWidth - intPaddingLeft + else: + intWidth_pad = intWidth + intPaddingLeft = 32 + intPaddingRight= 32 + + if intHeight != ((intHeight >> 7) << 7): + intHeight_pad = (((intHeight >> 7) + 1) << 7) # more than necessary + intPaddingTop = int((intHeight_pad - intHeight) / 2) + intPaddingBottom = intHeight_pad - intHeight - intPaddingTop + else: + intHeight_pad = intHeight + intPaddingTop = 32 + intPaddingBottom = 32 + + pader = torch.nn.ReplicationPad2d([intPaddingLeft, intPaddingRight , intPaddingTop, intPaddingBottom]) + + torch.set_grad_enabled(False) + X0 = Variable(torch.unsqueeze(X0,0)) + X1 = Variable(torch.unsqueeze(X1,0)) + X0 = pader(X0) + X1 = pader(X1) + + if use_cuda: + X0 = X0.cuda() + X1 = X1.cuda() + proc_end = time.time() + y_s,offset,filter = model(torch.stack((X0, X1),dim = 0)) + y_ = y_s[save_which] + + proc_timer.update(time.time() -proc_end) + tot_timer.update(time.time() - end) + end = time.time() + + print("*****************current image process time \t " + str(time.time()-proc_end )+"s ******************" ) + + if use_cuda: + X0 = X0.data.cpu().numpy() + if not isinstance(y_, list): + y_ = y_.data.cpu().numpy() else: - intHeight_pad = intHeight - intPaddingTop = 32 - intPaddingBottom = 32 - - pader = torch.nn.ReplicationPad2d([intPaddingLeft, intPaddingRight , intPaddingTop, intPaddingBottom]) - - torch.set_grad_enabled(False) - X0 = Variable(torch.unsqueeze(X0,0)) - X1 = Variable(torch.unsqueeze(X1,0)) - X0 = pader(X0) - X1 = pader(X1) - - if use_cuda: - X0 = X0.cuda() - X1 = X1.cuda() - proc_end = time.time() - y_s,offset,filter = model(torch.stack((X0, X1),dim = 0)) - y_ = y_s[save_which] - - proc_timer.update(time.time() -proc_end) - tot_timer.update(time.time() - end) - end = time.time() - print("*****************current image process time \t " + str(time.time()-proc_end )+"s ******************" ) - if use_cuda: - X0 = X0.data.cpu().numpy() - if not isinstance(y_, list): - y_ = y_.data.cpu().numpy() - else: - y_ = [item.data.cpu().numpy() for item in y_] - offset = [offset_i.data.cpu().numpy() for offset_i in offset] - filter = [filter_i.data.cpu().numpy() for filter_i in filter] if filter[0] is not None else None - X1 = X1.data.cpu().numpy() + y_ = [item.data.cpu().numpy() for item in y_] + offset = [offset_i.data.cpu().numpy() for offset_i in offset] + filter = [filter_i.data.cpu().numpy() for filter_i in filter] if filter[0] is not None else None + X1 = X1.data.cpu().numpy() + else: + X0 = X0.data.numpy() + if not isinstance(y_, list): + y_ = y_.data.numpy() else: - X0 = X0.data.numpy() - if not isinstance(y_, list): - y_ = y_.data.numpy() - else: - y_ = [item.data.numpy() for item in y_] - offset = [offset_i.data.numpy() for offset_i in offset] - filter = [filter_i.data.numpy() for filter_i in filter] - X1 = X1.data.numpy() - - - - X0 = np.transpose(255.0 * X0.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) - y_ = [np.transpose(255.0 * item.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, - intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for item in y_] - offset = [np.transpose(offset_i[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for offset_i in offset] - filter = [np.transpose( - filter_i[0, :, intPaddingTop:intPaddingTop + intHeight, intPaddingLeft: intPaddingLeft + intWidth], - (1, 2, 0)) for filter_i in filter] if filter is not None else None - X1 = np.transpose(255.0 * X1.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) - - timestep = args.time_step - numFrames = int(1.0 / timestep) - 1 - time_offsets = [kk * timestep for kk in range(1, 1 + numFrames, 1)] - # for item, time_offset in zip(y_,time_offsets): - # arguments_strOut = os.path.join(gen_dir, dir, "frame10_i{:.3f}_11.png".format(time_offset)) - # - # imsave(arguments_strOut, np.round(item).astype(numpy.uint8)) - # - # # copy the first and second reference frame - # shutil.copy(arguments_strFirst, os.path.join(gen_dir, dir, "frame10_i{:.3f}_11.png".format(0))) - # shutil.copy(arguments_strSecond, os.path.join(gen_dir, dir, "frame11_i{:.3f}_11.png".format(1))) - - - shutil.copy(arguments_strFirst, os.path.join('/content/DAIN/MiddleBurySet/other-result-author/TEST', "{:0>4d}.png".format(count))) - count = count+1 - for item, time_offset in zip(y_, time_offsets): - arguments_strOut = os.path.join('/content/DAIN/MiddleBurySet/other-result-author/TEST', "{:0>4d}.png".format(count)) - count = count + 1 - imsave(arguments_strOut, np.round(item).astype(numpy.uint8)) - shutil.copy(arguments_strSecond, os.path.join('/content/DAIN/MiddleBurySet/other-result-author/TEST', "{:0>4d}.png".format(count))) - #count = count + 1 - print("count") - print(count) - - my_count = my_count + 1 + y_ = [item.data.numpy() for item in y_] + offset = [offset_i.data.numpy() for offset_i in offset] + filter = [filter_i.data.numpy() for filter_i in filter] + X1 = X1.data.numpy() + + X0 = np.transpose(255.0 * X0.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) + y_ = [np.transpose(255.0 * item.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, + intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for item in y_] + offset = [np.transpose(offset_i[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for offset_i in offset] + filter = [np.transpose( + filter_i[0, :, intPaddingTop:intPaddingTop + intHeight, intPaddingLeft: intPaddingLeft + intWidth], + (1, 2, 0)) for filter_i in filter] if filter is not None else None + X1 = np.transpose(255.0 * X1.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) + + timestep = args.time_step + numFrames = int(1.0 / timestep) - 1 + time_offsets = [kk * timestep for kk in range(1, 1 + numFrames, 1)] + # for item, time_offset in zip(y_,time_offsets): + # arguments_strOut = os.path.join(gen_dir, dir, "frame10_i{:.3f}_11.png".format(time_offset)) + # + # imsave(arguments_strOut, np.round(item).astype(numpy.uint8)) + # + # # copy the first and second reference frame + # shutil.copy(arguments_strFirst, os.path.join(gen_dir, dir, "frame10_i{:.3f}_11.png".format(0))) + # shutil.copy(arguments_strSecond, os.path.join(gen_dir, dir, "frame11_i{:.3f}_11.png".format(1))) + + shutil.copy(arguments_strFirst, os.path.join('/content/DAIN/MiddleBurySet/other-result-author/TEST', f"{output_frame_count:0>4d}.png")) + output_frame_count += 1 + for item, time_offset in zip(y_, time_offsets): + arguments_strOut = os.path.join('/content/DAIN/MiddleBurySet/other-result-author/TEST', f"{output_frame_count:0>4d}.png") + imsave(arguments_strOut, np.round(item).astype(numpy.uint8)) + output_frame_count += 1 \ No newline at end of file From 235ae1b0496a7dd277fee22e2ee0de5cb2e2457e Mon Sep 17 00:00:00 2001 From: Alpha Date: Sun, 8 Mar 2020 17:43:53 -0400 Subject: [PATCH 2/4] Improvements to demo collab python: - Showing time left - Showing image progression - Simplified and remove unused variables --- colab_MiddleBury_slowmotion.py | 258 ++++++++++++++++----------------- 1 file changed, 121 insertions(+), 137 deletions(-) diff --git a/colab_MiddleBury_slowmotion.py b/colab_MiddleBury_slowmotion.py index 3d7eb50..a9596f9 100644 --- a/colab_MiddleBury_slowmotion.py +++ b/colab_MiddleBury_slowmotion.py @@ -2,7 +2,6 @@ import os from torch.autograd import Variable import torch -import random import numpy as np import numpy import networks @@ -10,19 +9,12 @@ from scipy.misc import imread, imsave from AverageMeter import * import shutil -torch.backends.cudnn.benchmark = True # to speed up the +import datetime +torch.backends.cudnn.benchmark = True -DO_MiddleBurryOther = True -MB_Other_DATA = "./MiddleBurySet/other-data/" -MB_Other_RESULT = "./MiddleBurySet/other-result-author/" -MB_Other_GT = "./MiddleBurySet/other-gt-interp/" -if not os.path.exists(MB_Other_RESULT): - os.mkdir(MB_Other_RESULT) - - - -model = networks.__dict__[args.netName]( channel=args.channels, - filter_size = args.filter_size , +model = networks.__dict__[args.netName]( + channel=args.channels, + filter_size = args.filter_size, timestep=args.time_step, training=False) @@ -50,138 +42,130 @@ pretrained_dict = [] else: print("*****************************************************************") - print("**** We don't load any trained weights **************************") + print("**** We couldn't load any trained weights ***********************") print("*****************************************************************") + exit(1) model = model.eval() # deploy mode -use_cuda=args.use_cuda -save_which=args.save_which +use_cuda = args.use_cuda +save_which = args.save_which dtype = args.dtype -if not DO_MiddleBurryOther: - return +frames_dir = '/content/DAIN/input_frames' +output_dir = '/content/DAIN/output_frames' + +timestep = args.time_step +time_offsets = [kk * timestep for kk in range(1, int(1.0 / timestep))] output_frame_count = 1 -input_frame_count = 1 -while input_frame_count < 100: - subdir = os.listdir(MB_Other_DATA) - gen_dir = '/content/DAIN/MiddleBurySet/other-result-author/TEST' - os.mkdir(gen_dir) - - tot_timer = AverageMeter() - proc_timer = AverageMeter() - end = time.time() - for dir in subdir: - print(dir) - - #setze dateiname auf int - dateiname_start = input_frame_count - dateiname_start = str(dateiname_start).zfill(5) - dateiname_ende = input_frame_count + 1 - dateiname_ende = str(dateiname_ende).zfill(5) - arguments_strFirst = os.path.join(MB_Other_DATA, dir, str(dateiname_start)+'.png') #frame10.png - arguments_strSecond = os.path.join(MB_Other_DATA, dir, str(dateiname_ende)+'.png') #frame11 - - gt_path = os.path.join(MB_Other_GT, dir, "frame10i11.png") - - X0 = torch.from_numpy( np.transpose(imread(arguments_strFirst) , (2,0,1)).astype("float32")/ 255.0).type(dtype) - X1 = torch.from_numpy( np.transpose(imread(arguments_strSecond) , (2,0,1)).astype("float32")/ 255.0).type(dtype) - - y_ = torch.FloatTensor() - - assert (X0.size(1) == X1.size(1)) - assert (X0.size(2) == X1.size(2)) - - intWidth = X0.size(2) - intHeight = X0.size(1) - channel = X0.size(0) - if not channel == 3: - print(f"Skipping {dateiname_start} -- expected 3 color channels but found {channel}.") - continue - - if intWidth != ((intWidth >> 7) << 7): - intWidth_pad = (((intWidth >> 7) + 1) << 7) # more than necessary - intPaddingLeft =int(( intWidth_pad - intWidth)/2) - intPaddingRight = intWidth_pad - intWidth - intPaddingLeft - else: - intWidth_pad = intWidth - intPaddingLeft = 32 - intPaddingRight= 32 - - if intHeight != ((intHeight >> 7) << 7): - intHeight_pad = (((intHeight >> 7) + 1) << 7) # more than necessary - intPaddingTop = int((intHeight_pad - intHeight) / 2) - intPaddingBottom = intHeight_pad - intHeight - intPaddingTop +input_frame = 0 +loop_timer = AverageMeter() + +# TODO: Read amount of frames from the size of files available in `frames_dir` +final_frame = 100 + +while input_frame < final_frame: + input_frame += 1 + + start_time = time.time() + + #input file names + frame_1_filename = f"{input_frame:0>5}.png" # frame00010.png + frame_1_path = os.path.join(frames_dir, frame_1_filename) + + frame_2_filename = f"{input_frame + 1:0>5}.png" # frame00011.png + frame_2_path = os.path.join(frames_dir, frame_1_filename) + + X0 = torch.from_numpy( np.transpose(imread(frame_1_path), (2,0,1)).astype("float32")/ 255.0).type(dtype) + X1 = torch.from_numpy( np.transpose(imread(frame_2_path), (2,0,1)).astype("float32")/ 255.0).type(dtype) + + y_ = torch.FloatTensor() + + assert (X0.size(1) == X1.size(1)) + assert (X0.size(2) == X1.size(2)) + + intWidth = X0.size(2) + intHeight = X0.size(1) + channel = X0.size(0) + if not channel == 3: + print(f"Skipping {frame_1_filename}-{frame_2_filename} -- expected 3 color channels but found {channel}.") + continue + + if intWidth != ((intWidth >> 7) << 7): + intWidth_pad = (((intWidth >> 7) + 1) << 7) # more than necessary + intPaddingLeft =int(( intWidth_pad - intWidth)/2) + intPaddingRight = intWidth_pad - intWidth - intPaddingLeft + else: + intWidth_pad = intWidth + intPaddingLeft = 32 + intPaddingRight= 32 + + if intHeight != ((intHeight >> 7) << 7): + intHeight_pad = (((intHeight >> 7) + 1) << 7) # more than necessary + intPaddingTop = int((intHeight_pad - intHeight) / 2) + intPaddingBottom = intHeight_pad - intHeight - intPaddingTop + else: + intHeight_pad = intHeight + intPaddingTop = 32 + intPaddingBottom = 32 + + pader = torch.nn.ReplicationPad2d([intPaddingLeft, intPaddingRight, intPaddingTop, intPaddingBottom]) + + torch.set_grad_enabled(False) + X0 = Variable(torch.unsqueeze(X0,0)) + X1 = Variable(torch.unsqueeze(X1,0)) + X0 = pader(X0) + X1 = pader(X1) + + if use_cuda: + X0 = X0.cuda() + X1 = X1.cuda() + + y_s,offset,filter = model(torch.stack((X0, X1),dim = 0)) + y_ = y_s[save_which] + + frames_left = output_frame_count - input_frame + estimated_seconds_left = frames_left * loop_timer.avg + estimated_time_left = datetime.timedelta(seconds=estimated_seconds_left) + print(f"******Processed image {input_frame} | Time per image (avg): {loop_timer.avg:2.2f}s | Time left: {estimated_time_left} ******************" ) + + if use_cuda: + X0 = X0.data.cpu().numpy() + if not isinstance(y_, list): + y_ = y_.data.cpu().numpy() else: - intHeight_pad = intHeight - intPaddingTop = 32 - intPaddingBottom = 32 - - pader = torch.nn.ReplicationPad2d([intPaddingLeft, intPaddingRight , intPaddingTop, intPaddingBottom]) - - torch.set_grad_enabled(False) - X0 = Variable(torch.unsqueeze(X0,0)) - X1 = Variable(torch.unsqueeze(X1,0)) - X0 = pader(X0) - X1 = pader(X1) - - if use_cuda: - X0 = X0.cuda() - X1 = X1.cuda() - proc_end = time.time() - y_s,offset,filter = model(torch.stack((X0, X1),dim = 0)) - y_ = y_s[save_which] - - proc_timer.update(time.time() -proc_end) - tot_timer.update(time.time() - end) - end = time.time() - - print("*****************current image process time \t " + str(time.time()-proc_end )+"s ******************" ) - - if use_cuda: - X0 = X0.data.cpu().numpy() - if not isinstance(y_, list): - y_ = y_.data.cpu().numpy() - else: - y_ = [item.data.cpu().numpy() for item in y_] - offset = [offset_i.data.cpu().numpy() for offset_i in offset] - filter = [filter_i.data.cpu().numpy() for filter_i in filter] if filter[0] is not None else None - X1 = X1.data.cpu().numpy() + y_ = [item.data.cpu().numpy() for item in y_] + offset = [offset_i.data.cpu().numpy() for offset_i in offset] + filter = [filter_i.data.cpu().numpy() for filter_i in filter] if filter[0] is not None else None + X1 = X1.data.cpu().numpy() + else: + X0 = X0.data.numpy() + if not isinstance(y_, list): + y_ = y_.data.numpy() else: - X0 = X0.data.numpy() - if not isinstance(y_, list): - y_ = y_.data.numpy() - else: - y_ = [item.data.numpy() for item in y_] - offset = [offset_i.data.numpy() for offset_i in offset] - filter = [filter_i.data.numpy() for filter_i in filter] - X1 = X1.data.numpy() - - X0 = np.transpose(255.0 * X0.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) - y_ = [np.transpose(255.0 * item.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, - intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for item in y_] - offset = [np.transpose(offset_i[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for offset_i in offset] - filter = [np.transpose( - filter_i[0, :, intPaddingTop:intPaddingTop + intHeight, intPaddingLeft: intPaddingLeft + intWidth], - (1, 2, 0)) for filter_i in filter] if filter is not None else None - X1 = np.transpose(255.0 * X1.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) - - timestep = args.time_step - numFrames = int(1.0 / timestep) - 1 - time_offsets = [kk * timestep for kk in range(1, 1 + numFrames, 1)] - # for item, time_offset in zip(y_,time_offsets): - # arguments_strOut = os.path.join(gen_dir, dir, "frame10_i{:.3f}_11.png".format(time_offset)) - # - # imsave(arguments_strOut, np.round(item).astype(numpy.uint8)) - # - # # copy the first and second reference frame - # shutil.copy(arguments_strFirst, os.path.join(gen_dir, dir, "frame10_i{:.3f}_11.png".format(0))) - # shutil.copy(arguments_strSecond, os.path.join(gen_dir, dir, "frame11_i{:.3f}_11.png".format(1))) - - shutil.copy(arguments_strFirst, os.path.join('/content/DAIN/MiddleBurySet/other-result-author/TEST', f"{output_frame_count:0>4d}.png")) + y_ = [item.data.numpy() for item in y_] + offset = [offset_i.data.numpy() for offset_i in offset] + filter = [filter_i.data.numpy() for filter_i in filter] + X1 = X1.data.numpy() + + X0 = np.transpose(255.0 * X0.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) + y_ = [np.transpose(255.0 * item.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, + intPaddingLeft:intPaddingLeft+intWidth], (1, 2, 0)) for item in y_] + offset = [np.transpose(offset_i[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for offset_i in offset] + filter = [np.transpose( + filter_i[0, :, intPaddingTop:intPaddingTop + intHeight, intPaddingLeft: intPaddingLeft + intWidth], + (1, 2, 0)) for filter_i in filter] if filter is not None else None + X1 = np.transpose(255.0 * X1.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) + + shutil.copy(frame_1_path, os.path.join(output_dir, f"{output_frame_count:0>5d}.png")) + output_frame_count += 1 + for item, time_offset in zip(y_, time_offsets): + output_frame_file_path = os.path.join(output_dir, f"{output_frame_count:0>5d}.png") + imsave(output_frame_file_path, np.round(item).astype(numpy.uint8)) output_frame_count += 1 - for item, time_offset in zip(y_, time_offsets): - arguments_strOut = os.path.join('/content/DAIN/MiddleBurySet/other-result-author/TEST', f"{output_frame_count:0>4d}.png") - imsave(arguments_strOut, np.round(item).astype(numpy.uint8)) - output_frame_count += 1 \ No newline at end of file + + end_time = time.time() + loop_timer.update(end_time - start_time) + +print("Finished processing images.") \ No newline at end of file From badb385f72a2ba980971ba0291017a606edb6aa1 Mon Sep 17 00:00:00 2001 From: Alpha Date: Sun, 8 Mar 2020 17:44:59 -0400 Subject: [PATCH 3/4] Updated colab notebook: - Simplified cell usage - Added configuration section at top --- Colab_DAIN_alpha.ipynb | 2615 +++++----------------------------------- 1 file changed, 316 insertions(+), 2299 deletions(-) diff --git a/Colab_DAIN_alpha.ipynb b/Colab_DAIN_alpha.ipynb index 0f27a2f..ff81f37 100644 --- a/Colab_DAIN_alpha.ipynb +++ b/Colab_DAIN_alpha.ipynb @@ -56,19 +56,47 @@ "- People that look at my Code will notice that I use a Folder named \"Beanbags\". Why?? I don't know.\n", "- Maybe temp-copy to .ipynb_checkpoints can be avoided.\n", "- Changing ffmpeg ouptut commands, so new framerate will be inserted automatically.\n", - "- Handling png-sequence and video better. PNG should be able to be copied from drive directly into the correct folder." + "- Handling png-sequence and video better. PNG should be able to be copied from drive directly into the correct folder.\n", + "- Adding menu to select speed." ] }, + { + "cell_type": "code", + "metadata": { + "id": "enKoi0TR2fOD", + "colab_type": "code", + "colab": {} + }, + "source": [ + "################# Configuration cell! ############################\n", + "# Use the values in here to configure what you'd like DAIN to do.\n", + "\n", + "# Input file: Path (relative to the root of your Google Drive) to the input file.\n", + "# For instance, if you save your \"example.mkv\" file in your Google Drive, inside a \"videos\" folder, the path would be:\n", + "# videos/example.mkv\n", + "INPUT_FILEPATH = \"DAIN/original.mp4\"\n", + "\n", + "# Target FPS = how many frames per second should the result have. This will determine how many intermediate images are\n", + "# interpolated.\n", + "TARGET_FPS = 60\n", + "\n", + "# Output file path: path (relative to the root of your Google Drive) for the output file.\n", + "# Extension should always be MKV.\n", + "OUTPUT_FILE_PATH = \"DAIN/output.mkv\"" + ], + "execution_count": 0, + "outputs": [] + }, { "cell_type": "code", "metadata": { "id": "N9cGwalNeyk9", "colab_type": "code", + "outputId": "3f30496f-8a30-4e3d-a2d7-f1139937e611", "colab": { "base_uri": "https://localhost:8080/", - "height": 462 - }, - "outputId": "f6e0224c-9884-4447-96e3-3082348fbce5" + "height": 51 + } }, "source": [ "# Connect Google Drive\n", @@ -76,40 +104,15 @@ "from google.colab import drive\n", "drive.mount('/content/gdrive')\n", "model_dir = '/content/gdrive/My Drive/DAIN/'\n", - "#!rm -rf '{model_dir}'\n", - "#os.makedirs(model_dir, exist_ok=True)\n", - "!ls -ltra '{model_dir}'/.." + "print('Google Drive connected.')" ], - "execution_count": 1, + "execution_count": 3, "outputs": [ { "output_type": "stream", "text": [ - "Go to this URL in a browser: https://accounts.google.com/o/oauth2/auth?client_id=947318989803-6bn6qk8qdgf4n4g3pfee6491hc0brc4i.apps.googleusercontent.com&redirect_uri=urn%3aietf%3awg%3aoauth%3a2.0%3aoob&response_type=code&scope=email%20https%3a%2f%2fwww.googleapis.com%2fauth%2fdocs.test%20https%3a%2f%2fwww.googleapis.com%2fauth%2fdrive%20https%3a%2f%2fwww.googleapis.com%2fauth%2fdrive.photos.readonly%20https%3a%2f%2fwww.googleapis.com%2fauth%2fpeopleapi.readonly\n", - "\n", - "Enter your authorization code:\n", - "··········\n", - "Mounted at /content/gdrive\n", - "total 3723083\n", - "-rw------- 1 root root 1560010 Sep 27 11:42 'Getting started.pdf'\n", - "drwx------ 2 root root 4096 Sep 27 11:43 'Colab Notebooks'\n", - "drwx------ 2 root root 4096 Oct 1 09:56 Vergleichsbilder\n", - "drwx------ 2 root root 4096 Oct 2 14:51 Temp\n", - "drwx------ 2 root root 4096 Nov 23 11:00 ESRGAN\n", - "-rw------- 1 root root 151 Nov 23 19:52 resize.gdoc\n", - "drwx------ 2 root root 4096 Nov 24 15:09 VapourSynthScripts\n", - "drwx------ 2 root root 4096 Nov 24 15:16 VapourSynthInput\n", - "drwx------ 2 root root 4096 Nov 24 15:32 ESRGANModels\n", - "drwx------ 2 root root 4096 Nov 24 15:37 VapourSynthOutput\n", - "-rw------- 1 root root 96510302 Nov 26 22:46 redzone_anime_VSGAN_2k_H264_v2.mkv\n", - "-rw------- 1 root root 4711040 Nov 27 11:44 '32285_ssd_mobilenet_v2_quantized_[mAP_0_6325_26_87k].tflite'\n", - "-rw------- 1 root root 0 Dec 12 11:42 yui_full_upscale1.mkv\n", - "-rw------- 1 root root 3704783480 Dec 12 12:18 yui_full_upscale1YAY.mkv\n", - "-rw------- 1 root root 151 Dec 14 09:13 'Kopie von DV3.gdoc'\n", - "-rw------- 1 root root 151 Dec 14 09:14 'Kopie von DV2.gdoc'\n", - "-rw------- 1 root root 151 Dec 14 09:15 'Kopie von DV.gdoc'\n", - "-rw------- 1 root root 4831236 Jan 8 15:47 20191230_122256.jpg\n", - "drwx------ 2 root root 4096 Mar 4 03:43 DAIN\n" + "Drive already mounted at /content/gdrive; to attempt to forcibly remount, call drive.mount(\"/content/gdrive\", force_remount=True).\n", + "Google Drive connected.\n" ], "name": "stdout" } @@ -120,43 +123,24 @@ "metadata": { "id": "HXMg93zApM6x", "colab_type": "code", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 153 - }, - "outputId": "8b150c28-6c05-42f7-885b-a2c8811ad372" + "colab": {} }, "source": [ - "# Standart ffmpeg\n", + "# Standard ffmpeg\n", "#!apt install ffmpeg" ], - "execution_count": 1, - "outputs": [ - { - "output_type": "stream", - "text": [ - "Reading package lists... Done\n", - "Building dependency tree \n", - "Reading state information... Done\n", - "ffmpeg is already the newest version (7:3.4.6-0ubuntu0.18.04.1).\n", - "The following package was automatically installed and is no longer required:\n", - " libnvidia-common-430\n", - "Use 'apt autoremove' to remove it.\n", - "0 upgraded, 0 newly installed, 0 to remove and 25 not upgraded.\n" - ], - "name": "stdout" - } - ] + "execution_count": 0, + "outputs": [] }, { "cell_type": "code", "metadata": { "id": "irzjv1x4e3S4", "colab_type": "code", - "outputId": "4586be79-b272-4ed7-9fde-34c497b09c25", + "outputId": "4105d1ac-8fe6-4c3a-c2c1-3cd3ea3f68a5", "colab": { "base_uri": "https://localhost:8080/", - "height": 340 + "height": 34 } }, "source": [ @@ -168,34 +152,16 @@ "\n", "#%cd /tmp\n", "#!youtube-dl -f 299 --postprocessor-args \"-ss 0:0:1 -to 0:0:20\" \"https://www.youtube.com/watch?v=hU_NLZYUDyI\"\n", - "!nvidia-smi --query-gpu=gpu_name --format=csv\n", + "#!nvidia-smi --query-gpu=gpu_name --format=csv\n", "#!wget -O \"gdrive/My Drive/ESRGANModels/dejpeg1.pth\" https://de-next.owncube.com/index.php/s/w82HLrLWmWi4SQ5/download\n", - "!nvidia-smi" + "!nvidia-smi --query-gpu=gpu_name --format=csv,noheader" ], - "execution_count": 66, + "execution_count": 4, "outputs": [ { "output_type": "stream", "text": [ - "name\n", - "Tesla P100-PCIE-16GB\n", - "Wed Mar 4 05:41:40 2020 \n", - "+-----------------------------------------------------------------------------+\n", - "| NVIDIA-SMI 440.48.02 Driver Version: 418.67 CUDA Version: 10.1 |\n", - "|-------------------------------+----------------------+----------------------+\n", - "| GPU Name Persistence-M| Bus-Id Disp.A | Volatile Uncorr. ECC |\n", - "| Fan Temp Perf Pwr:Usage/Cap| Memory-Usage | GPU-Util Compute M. |\n", - "|===============================+======================+======================|\n", - "| 0 Tesla P100-PCIE... Off | 00000000:00:04.0 Off | 0 |\n", - "| N/A 44C P0 27W / 250W | 0MiB / 16280MiB | 0% Default |\n", - "+-------------------------------+----------------------+----------------------+\n", - " \n", - "+-----------------------------------------------------------------------------+\n", - "| Processes: GPU Memory |\n", - "| GPU PID Type Process name Usage |\n", - "|=============================================================================|\n", - "| No running processes found |\n", - "+-----------------------------------------------------------------------------+\n" + "Tesla P4\n" ], "name": "stdout" } @@ -206,39 +172,27 @@ "metadata": { "id": "KZIoggVEr-bb", "colab_type": "code", + "outputId": "38e79e89-6237-43e4-fde7-985f7e1536cf", "colab": { "base_uri": "https://localhost:8080/", - "height": 187 - }, - "outputId": "2d2c95dd-d757-499a-b3dd-11a4e1184fa4" + "height": 136 + } }, "source": [ - "# Probably useless, but run it anyway. If it makes problems, then don't run it. Will check later.\n", - "\n", - "#!git clone https://github.com/kkroening/ffmpeg-python/\n", - "#!cd ffmpeg-python\n", - "#!python setup.py\n", - "#!cd ..\n", - "\n", - "#!pip install ffmpeg-python\n", - "\n", "!pip install opencv-python\n", "!apt install ffmpeg" ], - "execution_count": 10, + "execution_count": 4, "outputs": [ { "output_type": "stream", "text": [ "Requirement already satisfied: opencv-python in /usr/local/lib/python3.6/dist-packages (4.1.2.30)\n", - "Requirement already satisfied: numpy>=1.11.3 in /usr/local/lib/python3.6/dist-packages (from opencv-python) (1.17.5)\n", + "Requirement already satisfied: numpy>=1.11.3 in /usr/local/lib/python3.6/dist-packages (from opencv-python) (1.18.1)\n", "Reading package lists... Done\n", "Building dependency tree \n", "Reading state information... Done\n", "ffmpeg is already the newest version (7:3.4.6-0ubuntu0.18.04.1).\n", - "The following package was automatically installed and is no longer required:\n", - " libnvidia-common-430\n", - "Use 'apt autoremove' to remove it.\n", "0 upgraded, 0 newly installed, 0 to remove and 25 not upgraded.\n" ], "name": "stdout" @@ -253,7 +207,7 @@ "colab": {} }, "source": [ - " from IPython.display import clear_output" + "from IPython.display import clear_output" ], "execution_count": 0, "outputs": [] @@ -263,29 +217,28 @@ "metadata": { "id": "kEa55ZNsh5Rr", "colab_type": "code", - "outputId": "f3e871a9-b06d-48f5-857e-075dd854654d", + "outputId": "55fec15b-211d-4f44-930b-b58e5ee3ca39", "colab": { "base_uri": "https://localhost:8080/", "height": 136 } }, "source": [ - "#!git clone https://github.com/baowenbo/DAIN.git\n", - "\n", - "!git clone https://github.com/styler00dollar/DAIN.git" + "!rm -rf /content/DAIN\n", + "!git clone https://github.com/AlphaGit/DAIN.git" ], - "execution_count": 7, + "execution_count": 8, "outputs": [ { "output_type": "stream", "text": [ "Cloning into 'DAIN'...\n", - "remote: Enumerating objects: 7, done.\u001b[K\n", - "remote: Counting objects: 100% (7/7), done.\u001b[K\n", - "remote: Compressing objects: 100% (7/7), done.\u001b[K\n", - "remote: Total 594 (delta 1), reused 0 (delta 0), pack-reused 587\u001b[K\n", - "Receiving objects: 100% (594/594), 186.71 KiB | 865.00 KiB/s, done.\n", - "Resolving deltas: 100% (329/329), done.\n" + "remote: Enumerating objects: 12, done.\u001b[K\n", + "remote: Counting objects: 8% (1/12)\u001b[K\rremote: Counting objects: 16% (2/12)\u001b[K\rremote: Counting objects: 25% (3/12)\u001b[K\rremote: Counting objects: 33% (4/12)\u001b[K\rremote: Counting objects: 41% (5/12)\u001b[K\rremote: Counting objects: 50% (6/12)\u001b[K\rremote: Counting objects: 58% (7/12)\u001b[K\rremote: Counting objects: 66% (8/12)\u001b[K\rremote: Counting objects: 75% (9/12)\u001b[K\rremote: Counting objects: 83% (10/12)\u001b[K\rremote: Counting objects: 91% (11/12)\u001b[K\rremote: Counting objects: 100% (12/12)\u001b[K\rremote: Counting objects: 100% (12/12), done.\u001b[K\n", + "remote: Compressing objects: 9% (1/11)\u001b[K\rremote: Compressing objects: 18% (2/11)\u001b[K\rremote: Compressing objects: 27% (3/11)\u001b[K\rremote: Compressing objects: 36% (4/11)\u001b[K\rremote: Compressing objects: 45% (5/11)\u001b[K\rremote: Compressing objects: 54% (6/11)\u001b[K\rremote: Compressing objects: 63% (7/11)\u001b[K\rremote: Compressing objects: 72% (8/11)\u001b[K\rremote: Compressing objects: 81% (9/11)\u001b[K\rremote: Compressing objects: 90% (10/11)\u001b[K\rremote: Compressing objects: 100% (11/11)\u001b[K\rremote: Compressing objects: 100% (11/11), done.\u001b[K\n", + "Receiving objects: 0% (1/611) \rReceiving objects: 1% (7/611) \rReceiving objects: 2% (13/611) \rReceiving objects: 3% (19/611) \rReceiving objects: 4% (25/611) \rReceiving objects: 5% (31/611) \rReceiving objects: 6% (37/611) \rReceiving objects: 7% (43/611) \rReceiving objects: 8% (49/611) \rReceiving objects: 9% (55/611) \rReceiving objects: 10% (62/611) \rReceiving objects: 11% (68/611) \rReceiving objects: 12% (74/611) \rReceiving objects: 13% (80/611) \rReceiving objects: 14% (86/611) \rReceiving objects: 15% (92/611) \rReceiving objects: 16% (98/611) \rReceiving objects: 17% (104/611) \rReceiving objects: 18% (110/611) \rReceiving objects: 19% (117/611) \rReceiving objects: 20% (123/611) \rReceiving objects: 21% (129/611) \rReceiving objects: 22% (135/611) \rReceiving objects: 23% (141/611) \rReceiving objects: 24% (147/611) \rReceiving objects: 25% (153/611) \rReceiving objects: 26% (159/611) \rReceiving objects: 27% (165/611) \rReceiving objects: 28% (172/611) \rReceiving objects: 29% (178/611) \rReceiving objects: 30% (184/611) \rReceiving objects: 31% (190/611) \rReceiving objects: 32% (196/611) \rReceiving objects: 33% (202/611) \rReceiving objects: 34% (208/611) \rReceiving objects: 35% (214/611) \rReceiving objects: 36% (220/611) \rReceiving objects: 37% (227/611) \rReceiving objects: 38% (233/611) \rReceiving objects: 39% (239/611) \rReceiving objects: 40% (245/611) \rReceiving objects: 41% (251/611) \rReceiving objects: 42% (257/611) \rReceiving objects: 43% (263/611) \rReceiving objects: 44% (269/611) \rReceiving objects: 45% (275/611) \rReceiving objects: 46% (282/611) \rReceiving objects: 47% (288/611) \rReceiving objects: 48% (294/611) \rReceiving objects: 49% (300/611) \rReceiving objects: 50% (306/611) \rReceiving objects: 51% (312/611) \rReceiving objects: 52% (318/611) \rReceiving objects: 53% (324/611) \rReceiving objects: 54% (330/611) \rReceiving objects: 55% (337/611) \rReceiving objects: 56% (343/611) \rReceiving objects: 57% (349/611) \rReceiving objects: 58% (355/611) \rReceiving objects: 59% (361/611) \rReceiving objects: 60% (367/611) \rReceiving objects: 61% (373/611) \rReceiving objects: 62% (379/611) \rReceiving objects: 63% (385/611) \rReceiving objects: 64% (392/611) \rReceiving objects: 65% (398/611) \rReceiving objects: 66% (404/611) \rReceiving objects: 67% (410/611) \rReceiving objects: 68% (416/611) \rremote: Total 611 (delta 4), reused 3 (delta 1), pack-reused 599\u001b[K\n", + "Receiving objects: 69% (422/611) \rReceiving objects: 70% (428/611) \rReceiving objects: 71% (434/611) \rReceiving objects: 72% (440/611) \rReceiving objects: 73% (447/611) \rReceiving objects: 74% (453/611) \rReceiving objects: 75% (459/611) \rReceiving objects: 76% (465/611) \rReceiving objects: 77% (471/611) \rReceiving objects: 78% (477/611) \rReceiving objects: 79% (483/611) \rReceiving objects: 80% (489/611) \rReceiving objects: 81% (495/611) \rReceiving objects: 82% (502/611) \rReceiving objects: 83% (508/611) \rReceiving objects: 84% (514/611) \rReceiving objects: 85% (520/611) \rReceiving objects: 86% (526/611) \rReceiving objects: 87% (532/611) \rReceiving objects: 88% (538/611) \rReceiving objects: 89% (544/611) \rReceiving objects: 90% (550/611) \rReceiving objects: 91% (557/611) \rReceiving objects: 92% (563/611) \rReceiving objects: 93% (569/611) \rReceiving objects: 94% (575/611) \rReceiving objects: 95% (581/611) \rReceiving objects: 96% (587/611) \rReceiving objects: 97% (593/611) \rReceiving objects: 98% (599/611) \rReceiving objects: 99% (605/611) \rReceiving objects: 100% (611/611) \rReceiving objects: 100% (611/611), 235.31 KiB | 14.71 MiB/s, done.\n", + "Resolving deltas: 0% (0/338) \rResolving deltas: 2% (7/338) \rResolving deltas: 4% (14/338) \rResolving deltas: 5% (19/338) \rResolving deltas: 10% (37/338) \rResolving deltas: 11% (38/338) \rResolving deltas: 13% (44/338) \rResolving deltas: 14% (48/338) \rResolving deltas: 15% (53/338) \rResolving deltas: 16% (56/338) \rResolving deltas: 17% (60/338) \rResolving deltas: 21% (71/338) \rResolving deltas: 23% (80/338) \rResolving deltas: 24% (82/338) \rResolving deltas: 25% (85/338) \rResolving deltas: 26% (88/338) \rResolving deltas: 27% (92/338) \rResolving deltas: 28% (96/338) \rResolving deltas: 29% (101/338) \rResolving deltas: 30% (103/338) \rResolving deltas: 38% (131/338) \rResolving deltas: 53% (180/338) \rResolving deltas: 54% (183/338) \rResolving deltas: 60% (205/338) \rResolving deltas: 64% (219/338) \rResolving deltas: 81% (275/338) \rResolving deltas: 86% (291/338) \rResolving deltas: 87% (296/338) \rResolving deltas: 88% (300/338) \rResolving deltas: 99% (337/338) \rResolving deltas: 100% (338/338) \rResolving deltas: 100% (338/338), done.\n" ], "name": "stdout" } @@ -296,237 +249,56 @@ "metadata": { "id": "0LomIe2sibDO", "colab_type": "code", - "outputId": "f3fe4885-ba5c-44ef-ea77-c31647cf04a7", + "outputId": "ab18ecf7-ef06-4c6c-ca74-268d6f86e564", "colab": { "base_uri": "https://localhost:8080/", "height": 34 } }, "source": [ - "cd DAIN/my_package " + "# This takes a while. Just wait. ~15 minutes.\n", + "# Building DAIN.\n", + "%cd /content/DAIN/my_package/\n", + "!./build.sh\n", + "clear_output()\n", + "print(\"Building done.\")" ], - "execution_count": 8, + "execution_count": 17, "outputs": [ { "output_type": "stream", "text": [ - "/content/DAIN/my_package\n" + "Building done.\n" ], "name": "stdout" } ] }, - { - "cell_type": "code", - "metadata": { - "id": "7TpKZh_Cic-E", - "colab_type": "code", - "colab": {} - }, - "source": [ - "# This takes a while. Just wait. ~15 minutes.\n", - "!./build.sh\n", - "\n", - "clear_output()" - ], - "execution_count": 0, - "outputs": [] - }, { "cell_type": "code", "metadata": { "id": "CwvHaqNninbR", "colab_type": "code", - "outputId": "dce45d94-2ae7-426f-aa58-d2f05594eef6", + "outputId": "c36b3336-6486-4d9c-b377-569a2f16a9e0", "colab": { "base_uri": "https://localhost:8080/", "height": 34 } }, - "source": [ - "cd ../PWCNet/correlation_package_pytorch1_0" - ], - "execution_count": 11, - "outputs": [ - { - "output_type": "stream", - "text": [ - "/content/DAIN/PWCNet/correlation_package_pytorch1_0\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "YNECt2fZizNU", - "colab_type": "code", - "colab": {} - }, "source": [ "# Wait again. ~5 minutes.\n", - "\n", + "# Building DAIN PyTorch correlation package.\n", + "%cd /content/DAIN/PWCNet/correlation_package_pytorch1_0\n", "!./build.sh\n", - "\n", - "clear_output()" - ], - "execution_count": 0, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "4oBSYT38i00N", - "colab_type": "code", - "outputId": "1c95eacb-b44b-457c-f755-22030595991b", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 34 - } - }, - "source": [ - "cd /content/DAIN" - ], - "execution_count": 13, - "outputs": [ - { - "output_type": "stream", - "text": [ - "/content/DAIN\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "MJ5GYs1pi4fy", - "colab_type": "code", - "colab": {} - }, - "source": [ - "!mkdir model_weights MiddleBurySet" - ], - "execution_count": 0, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "sS1sbk9Gi7vW", - "colab_type": "code", - "outputId": "01b25fae-c6a8-4856-f1b7-3d9e4545f307", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 34 - } - }, - "source": [ - "cd model_weights" - ], - "execution_count": 15, - "outputs": [ - { - "output_type": "stream", - "text": [ - "/content/DAIN/model_weights\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "ZTl06ATqi98r", - "colab_type": "code", - "outputId": "3e4c4c3b-3216-4440-c364-36cd96d8a805", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 204 - } - }, - "source": [ - "!wget http://vllab1.ucmerced.edu/~wenbobao/DAIN/best.pth" - ], - "execution_count": 16, - "outputs": [ - { - "output_type": "stream", - "text": [ - "--2020-03-04 04:57:43-- http://vllab1.ucmerced.edu/~wenbobao/DAIN/best.pth\n", - "Resolving vllab1.ucmerced.edu (vllab1.ucmerced.edu)... 169.236.184.68\n", - "Connecting to vllab1.ucmerced.edu (vllab1.ucmerced.edu)|169.236.184.68|:80... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 96319643 (92M)\n", - "Saving to: ‘best.pth’\n", - "\n", - "best.pth 100%[===================>] 91.86M 18.2MB/s in 6.0s \n", - "\n", - "2020-03-04 04:57:50 (15.4 MB/s) - ‘best.pth’ saved [96319643/96319643]\n", - "\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "7enGpcCPi_d5", - "colab_type": "code", - "outputId": "624d8844-4317-448f-ad60-f1ed0797211d", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 34 - } - }, - "source": [ - "cd ../MiddleBurySet" - ], - "execution_count": 17, - "outputs": [ - { - "output_type": "stream", - "text": [ - "/content/DAIN/MiddleBurySet\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "fIoV6YuQjCOP", - "colab_type": "code", - "outputId": "e4302ec4-bef6-4887-ec00-2340543771d8", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 204 - } - }, - "source": [ - "!wget http://vision.middlebury.edu/flow/data/comp/zip/other-color-allframes.zip" + "clear_output()\n", + "print(\"Building done.\")" ], - "execution_count": 18, + "execution_count": 19, "outputs": [ { "output_type": "stream", "text": [ - "--2020-03-04 04:57:58-- http://vision.middlebury.edu/flow/data/comp/zip/other-color-allframes.zip\n", - "Resolving vision.middlebury.edu (vision.middlebury.edu)... 140.233.20.14\n", - "Connecting to vision.middlebury.edu (vision.middlebury.edu)|140.233.20.14|:80... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 33671986 (32M) [application/zip]\n", - "Saving to: ‘other-color-allframes.zip’\n", - "\n", - "other-color-allfram 100%[===================>] 32.11M 19.5MB/s in 1.6s \n", - "\n", - "2020-03-04 04:58:00 (19.5 MB/s) - ‘other-color-allframes.zip’ saved [33671986/33671986]\n", - "\n" + "Building done.\n" ], "name": "stdout" } @@ -535,61 +307,21 @@ { "cell_type": "code", "metadata": { - "id": "brTgCLTfjDv7", + "id": "4oBSYT38i00N", "colab_type": "code", "colab": {} }, "source": [ + "# Downloading pre-trained models\n", + "%cd /content/DAIN\n", + "!mkdir model_weights MiddleBurySet\n", + "!wget -O model_weights/best.pth http://vllab1.ucmerced.edu/~wenbobao/DAIN/best.pth\n", + "\n", + "%cd /content/DAIN/MiddleBurySet\n", + "!wget http://vision.middlebury.edu/flow/data/comp/zip/other-color-allframes.zip\n", "!unzip other-color-allframes.zip\n", "\n", - "clear_output()" - ], - "execution_count": 0, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "UIUEo_bOjFSX", - "colab_type": "code", - "outputId": "0d201024-a9ae-4cb3-abf5-593e3df30527", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 204 - } - }, - "source": [ - "!wget http://vision.middlebury.edu/flow/data/comp/zip/other-gt-interp.zip" - ], - "execution_count": 20, - "outputs": [ - { - "output_type": "stream", - "text": [ - "--2020-03-04 04:58:14-- http://vision.middlebury.edu/flow/data/comp/zip/other-gt-interp.zip\n", - "Resolving vision.middlebury.edu (vision.middlebury.edu)... 140.233.20.14\n", - "Connecting to vision.middlebury.edu (vision.middlebury.edu)|140.233.20.14|:80... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 4690196 (4.5M) [application/zip]\n", - "Saving to: ‘other-gt-interp.zip’\n", - "\n", - "other-gt-interp.zip 100%[===================>] 4.47M 6.08MB/s in 0.7s \n", - "\n", - "2020-03-04 04:58:15 (6.08 MB/s) - ‘other-gt-interp.zip’ saved [4690196/4690196]\n", - "\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "lCWbM5EljG0H", - "colab_type": "code", - "colab": {} - }, - "source": [ + "!wget http://vision.middlebury.edu/flow/data/comp/zip/other-gt-interp.zip\n", "!unzip other-gt-interp.zip\n", "\n", "clear_output()" @@ -597,31 +329,6 @@ "execution_count": 0, "outputs": [] }, - { - "cell_type": "code", - "metadata": { - "id": "x2E2aj1rjIHm", - "colab_type": "code", - "outputId": "20024760-c831-4cbb-fe34-44ed2bdd6d4b", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 34 - } - }, - "source": [ - "cd .." - ], - "execution_count": 22, - "outputs": [ - { - "output_type": "stream", - "text": [ - "/content/DAIN\n" - ], - "name": "stdout" - } - ] - }, { "cell_type": "code", "metadata": { @@ -640,7 +347,7 @@ "metadata": { "id": "82OlKG0MkfRt", "colab_type": "code", - "outputId": "9888173b-e965-4600-bf95-9a4d36a7620f", + "outputId": "1fa0fca4-a378-408a-fb0d-fc03cf86806a", "colab": { "base_uri": "https://localhost:8080/", "height": 425 @@ -653,1403 +360,162 @@ "#!pip uninstall scipy\n", "!pip install --force-reinstall scipy==1.0.0" ], - "execution_count": 24, + "execution_count": 23, "outputs": [ { "output_type": "stream", "text": [ "Collecting scipy==1.0.0\n", "\u001b[?25l Downloading https://files.pythonhosted.org/packages/d8/5e/caa01ba7be11600b6a9d39265440d7b3be3d69206da887c42bef049521f2/scipy-1.0.0-cp36-cp36m-manylinux1_x86_64.whl (50.0MB)\n", - "\u001b[K |████████████████████████████████| 50.0MB 62kB/s \n", + "\u001b[K |████████████████████████████████| 50.0MB 58kB/s \n", "\u001b[?25hCollecting numpy>=1.8.2\n", "\u001b[?25l Downloading https://files.pythonhosted.org/packages/62/20/4d43e141b5bc426ba38274933ef8e76e85c7adea2c321ecf9ebf7421cedf/numpy-1.18.1-cp36-cp36m-manylinux1_x86_64.whl (20.1MB)\n", - "\u001b[K |████████████████████████████████| 20.2MB 53.3MB/s \n", + "\u001b[K |████████████████████████████████| 20.2MB 155kB/s \n", "\u001b[31mERROR: seaborn 0.10.0 has requirement scipy>=1.0.1, but you'll have scipy 1.0.0 which is incompatible.\u001b[0m\n", - "\u001b[31mERROR: plotnine 0.6.0 has requirement scipy>=1.2.0, but you'll have scipy 1.0.0 which is incompatible.\u001b[0m\n", - "\u001b[31mERROR: datascience 0.10.6 has requirement folium==0.2.1, but you'll have folium 0.8.3 which is incompatible.\u001b[0m\n", - "\u001b[31mERROR: cvxpy 1.0.25 has requirement scipy>=1.1.0, but you'll have scipy 1.0.0 which is incompatible.\u001b[0m\n", - "\u001b[31mERROR: albumentations 0.1.12 has requirement imgaug<0.2.7,>=0.2.5, but you'll have imgaug 0.2.9 which is incompatible.\u001b[0m\n", - "\u001b[?25hInstalling collected packages: numpy, scipy\n", - " Found existing installation: numpy 1.17.5\n", - " Uninstalling numpy-1.17.5:\n", - " Successfully uninstalled numpy-1.17.5\n", - " Found existing installation: scipy 1.4.1\n", - " Uninstalling scipy-1.4.1:\n", - " Successfully uninstalled scipy-1.4.1\n", - "Successfully installed numpy-1.18.1 scipy-1.0.0\n" - ], - "name": "stdout" - }, - { - "output_type": "display_data", - "data": { - "application/vnd.colab-display-data+json": { - "pip_warning": { - "packages": [ - "numpy" - ] - } - } - }, - "metadata": { - "tags": [] - } - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "K4la56Ev2GGo", - "colab_type": "code", - "outputId": "fe6a8e98-fa27-4511-cb39-a629ee8a6ab2", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 629 - } - }, - "source": [ - "# REMOVE OTHER-DATA & RESULT\n", - "!ls -a\n", - "!rm -rf ./MiddleBurySet/other-data/*\n", - "!rm -rf ./MiddleBurySet/other-result-author/*\n", - "!mkdir ./MiddleBurySet/other-data/Beanbags\n", - "!mkdir '/content/DAIN/MiddleBurySet/other-result-author/TEST'\n", - "!mkdir '/content/DAIN/MiddleBurySet/other-result-author/TEST/Beanbags'\n", - "#!unzip \"./MiddleBurySet/other-gt-interp.zip\" -d \"./MiddleBurySet/\"\n", - "#!unzip \"./MiddleBurySet/other-color-allframes.zip\" -d \"./MiddleBurySet/\"\n", - "#!unzip \"./MiddleBurySet/own_test.zip\" -d \"./MiddleBurySet/\"\n", - "\n", - "#!rm -rf ./MiddleBurySet/other-data/Beanbags/*\n" - ], - "execution_count": 67, - "outputs": [ - { - "output_type": "stream", - "text": [ - ".\t\t\t\t.git\t\t my_package\n", - "..\t\t\t\t.gitignore\t networks\n", - "AverageMeter.py\t\t\t.ipynb_checkpoints PWCNet\n", - "balancedsampler.py\t\tLICENSE\t\t __pycache__\n", - "checkpoints\t\t\tloss_function.py README.md\n", - "colab_MiddleBury_slowmotion.py\tlr_scheduler.py Resblock\n", - "datasets\t\t\tMegaDepth\t S2D_models\n", - "demo_MiddleBury.py\t\tMiddleBurySet\t Stack.py\n", - "demo_MiddleBury_slowmotion.py\tmodel_weights\t train.py\n", - "environment.yaml\t\tmy_args.py\n", - "Archive: ./MiddleBurySet/own_test.zip\n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00001.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00002.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00003.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00004.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00005.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00006.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00007.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00008.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00009.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00010.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00011.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00012.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00013.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00014.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00015.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00016.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00017.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00018.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00019.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00020.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00021.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00022.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00023.png \n", - " inflating: ./MiddleBurySet/other-data/Beanbags/00024.png \n", - " creating: ./MiddleBurySet/other-result-author/TEST/Beanbags/\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "KNoiP5mw1KxH", - "colab_type": "code", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 1000 - }, - "outputId": "bca93582-b541-429a-83f4-55e330982be8" - }, - "source": [ - "# IMPORTANT:\n", - "# If you want to input a png-sequence, just insert the png's with xxxx.png starting at 0001 in ./MiddleBurySet/other-data/Beanbags/ and skip this.\n", - "# If you want to input a video, then use this.\n", - "\n", - "# ffmpeg extract\n", - "# DO NOT FORGET TO CONFIGURE THE FILENAME!!!!\n", - "\n", - "# The first line in the output does tell you the FPS.\n", - "\n", - "\n", - "!cp \"/content/gdrive/My Drive/DAIN/720p_test.mkv\" \"/content/DAIN/\"\n", - "\n", - "import cv2\n", - "\n", - "cap = cv2.VideoCapture('/content/DAIN/720p_test.mkv')\n", - "\n", - "fps = cap.get(cv2.CAP_PROP_FPS)\n", - "print(\"FPS:\")\n", - "print(fps)\n", - "\n", - "!ffmpeg -i '/content/DAIN/720p_test.mkv' './MiddleBurySet/other-data/Beanbags/%05d.png'\n", - "!ls -a \"./MiddleBurySet/other-data/Beanbags/.\"" - ], - "execution_count": 74, - "outputs": [ - { - "output_type": "stream", - "text": [ - "FPS:\n", - "30.0\n", - "ffmpeg version 3.4.6-0ubuntu0.18.04.1 Copyright (c) 2000-2019 the FFmpeg developers\n", - " built with gcc 7 (Ubuntu 7.3.0-16ubuntu3)\n", - " configuration: --prefix=/usr --extra-version=0ubuntu0.18.04.1 --toolchain=hardened --libdir=/usr/lib/x86_64-linux-gnu --incdir=/usr/include/x86_64-linux-gnu --enable-gpl --disable-stripping --enable-avresample --enable-avisynth --enable-gnutls --enable-ladspa --enable-libass --enable-libbluray --enable-libbs2b --enable-libcaca --enable-libcdio --enable-libflite --enable-libfontconfig --enable-libfreetype --enable-libfribidi --enable-libgme --enable-libgsm --enable-libmp3lame --enable-libmysofa --enable-libopenjpeg --enable-libopenmpt --enable-libopus --enable-libpulse --enable-librubberband --enable-librsvg --enable-libshine --enable-libsnappy --enable-libsoxr --enable-libspeex --enable-libssh --enable-libtheora --enable-libtwolame --enable-libvorbis --enable-libvpx --enable-libwavpack --enable-libwebp --enable-libx265 --enable-libxml2 --enable-libxvid --enable-libzmq --enable-libzvbi --enable-omx --enable-openal --enable-opengl --enable-sdl2 --enable-libdc1394 --enable-libdrm --enable-libiec61883 --enable-chromaprint --enable-frei0r --enable-libopencv --enable-libx264 --enable-shared\n", - " libavutil 55. 78.100 / 55. 78.100\n", - " libavcodec 57.107.100 / 57.107.100\n", - " libavformat 57. 83.100 / 57. 83.100\n", - " libavdevice 57. 10.100 / 57. 10.100\n", - " libavfilter 6.107.100 / 6.107.100\n", - " libavresample 3. 7. 0 / 3. 7. 0\n", - " libswscale 4. 8.100 / 4. 8.100\n", - " libswresample 2. 9.100 / 2. 9.100\n", - " libpostproc 54. 7.100 / 54. 7.100\n", - "Input #0, matroska,webm, from '/content/DAIN/720p_test.mkv':\n", - " Metadata:\n", - " ENCODER : Lavf57.71.100\n", - " Duration: 00:00:29.03, start: 0.000000, bitrate: 1750 kb/s\n", - " Stream #0:0: Video: h264 (High), yuv420p(progressive), 1280x720 [SAR 1:1 DAR 16:9], 30 fps, 30 tbr, 1k tbn, 60 tbc (default)\n", - " Metadata:\n", - " DURATION : 00:00:29.033000000\n", - " Stream #0:1: Audio: aac (LC), 44100 Hz, stereo, fltp (default)\n", - " Metadata:\n", - " DURATION : 00:00:29.024000000\n", - "Stream mapping:\n", - " Stream #0:0 -> #0:0 (h264 (native) -> png (native))\n", - "Press [q] to stop, [?] for help\n", - "Output #0, image2, to './MiddleBurySet/other-data/Beanbags/%05d.png':\n", - " Metadata:\n", - " encoder : Lavf57.83.100\n", - " Stream #0:0: Video: png, rgb24, 1280x720 [SAR 1:1 DAR 16:9], q=2-31, 200 kb/s, 30 fps, 30 tbn, 30 tbc (default)\n", - " Metadata:\n", - " DURATION : 00:00:29.033000000\n", - " encoder : Lavc57.107.100 png\n", - "frame= 871 fps= 21 q=-0.0 Lsize=N/A time=00:00:29.03 bitrate=N/A speed=0.692x \n", - "video:552435kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: unknown\n", - ".\t 00124.png 00249.png 00374.png 00499.png 00624.png 00749.png\n", - "..\t 00125.png 00250.png 00375.png 00500.png 00625.png 00750.png\n", - "00001.png 00126.png 00251.png 00376.png 00501.png 00626.png 00751.png\n", - "00002.png 00127.png 00252.png 00377.png 00502.png 00627.png 00752.png\n", - "00003.png 00128.png 00253.png 00378.png 00503.png 00628.png 00753.png\n", - "00004.png 00129.png 00254.png 00379.png 00504.png 00629.png 00754.png\n", - "00005.png 00130.png 00255.png 00380.png 00505.png 00630.png 00755.png\n", - "00006.png 00131.png 00256.png 00381.png 00506.png 00631.png 00756.png\n", - "00007.png 00132.png 00257.png 00382.png 00507.png 00632.png 00757.png\n", - "00008.png 00133.png 00258.png 00383.png 00508.png 00633.png 00758.png\n", - "00009.png 00134.png 00259.png 00384.png 00509.png 00634.png 00759.png\n", - "00010.png 00135.png 00260.png 00385.png 00510.png 00635.png 00760.png\n", - "00011.png 00136.png 00261.png 00386.png 00511.png 00636.png 00761.png\n", - "00012.png 00137.png 00262.png 00387.png 00512.png 00637.png 00762.png\n", - "00013.png 00138.png 00263.png 00388.png 00513.png 00638.png 00763.png\n", - "00014.png 00139.png 00264.png 00389.png 00514.png 00639.png 00764.png\n", - "00015.png 00140.png 00265.png 00390.png 00515.png 00640.png 00765.png\n", - "00016.png 00141.png 00266.png 00391.png 00516.png 00641.png 00766.png\n", - "00017.png 00142.png 00267.png 00392.png 00517.png 00642.png 00767.png\n", - "00018.png 00143.png 00268.png 00393.png 00518.png 00643.png 00768.png\n", - "00019.png 00144.png 00269.png 00394.png 00519.png 00644.png 00769.png\n", - "00020.png 00145.png 00270.png 00395.png 00520.png 00645.png 00770.png\n", - "00021.png 00146.png 00271.png 00396.png 00521.png 00646.png 00771.png\n", - "00022.png 00147.png 00272.png 00397.png 00522.png 00647.png 00772.png\n", - "00023.png 00148.png 00273.png 00398.png 00523.png 00648.png 00773.png\n", - "00024.png 00149.png 00274.png 00399.png 00524.png 00649.png 00774.png\n", - "00025.png 00150.png 00275.png 00400.png 00525.png 00650.png 00775.png\n", - "00026.png 00151.png 00276.png 00401.png 00526.png 00651.png 00776.png\n", - "00027.png 00152.png 00277.png 00402.png 00527.png 00652.png 00777.png\n", - "00028.png 00153.png 00278.png 00403.png 00528.png 00653.png 00778.png\n", - "00029.png 00154.png 00279.png 00404.png 00529.png 00654.png 00779.png\n", - "00030.png 00155.png 00280.png 00405.png 00530.png 00655.png 00780.png\n", - "00031.png 00156.png 00281.png 00406.png 00531.png 00656.png 00781.png\n", - "00032.png 00157.png 00282.png 00407.png 00532.png 00657.png 00782.png\n", - "00033.png 00158.png 00283.png 00408.png 00533.png 00658.png 00783.png\n", - "00034.png 00159.png 00284.png 00409.png 00534.png 00659.png 00784.png\n", - "00035.png 00160.png 00285.png 00410.png 00535.png 00660.png 00785.png\n", - "00036.png 00161.png 00286.png 00411.png 00536.png 00661.png 00786.png\n", - "00037.png 00162.png 00287.png 00412.png 00537.png 00662.png 00787.png\n", - "00038.png 00163.png 00288.png 00413.png 00538.png 00663.png 00788.png\n", - "00039.png 00164.png 00289.png 00414.png 00539.png 00664.png 00789.png\n", - "00040.png 00165.png 00290.png 00415.png 00540.png 00665.png 00790.png\n", - "00041.png 00166.png 00291.png 00416.png 00541.png 00666.png 00791.png\n", - "00042.png 00167.png 00292.png 00417.png 00542.png 00667.png 00792.png\n", - "00043.png 00168.png 00293.png 00418.png 00543.png 00668.png 00793.png\n", - "00044.png 00169.png 00294.png 00419.png 00544.png 00669.png 00794.png\n", - "00045.png 00170.png 00295.png 00420.png 00545.png 00670.png 00795.png\n", - "00046.png 00171.png 00296.png 00421.png 00546.png 00671.png 00796.png\n", - "00047.png 00172.png 00297.png 00422.png 00547.png 00672.png 00797.png\n", - "00048.png 00173.png 00298.png 00423.png 00548.png 00673.png 00798.png\n", - "00049.png 00174.png 00299.png 00424.png 00549.png 00674.png 00799.png\n", - "00050.png 00175.png 00300.png 00425.png 00550.png 00675.png 00800.png\n", - "00051.png 00176.png 00301.png 00426.png 00551.png 00676.png 00801.png\n", - "00052.png 00177.png 00302.png 00427.png 00552.png 00677.png 00802.png\n", - "00053.png 00178.png 00303.png 00428.png 00553.png 00678.png 00803.png\n", - "00054.png 00179.png 00304.png 00429.png 00554.png 00679.png 00804.png\n", - "00055.png 00180.png 00305.png 00430.png 00555.png 00680.png 00805.png\n", - "00056.png 00181.png 00306.png 00431.png 00556.png 00681.png 00806.png\n", - "00057.png 00182.png 00307.png 00432.png 00557.png 00682.png 00807.png\n", - "00058.png 00183.png 00308.png 00433.png 00558.png 00683.png 00808.png\n", - "00059.png 00184.png 00309.png 00434.png 00559.png 00684.png 00809.png\n", - "00060.png 00185.png 00310.png 00435.png 00560.png 00685.png 00810.png\n", - "00061.png 00186.png 00311.png 00436.png 00561.png 00686.png 00811.png\n", - "00062.png 00187.png 00312.png 00437.png 00562.png 00687.png 00812.png\n", - "00063.png 00188.png 00313.png 00438.png 00563.png 00688.png 00813.png\n", - "00064.png 00189.png 00314.png 00439.png 00564.png 00689.png 00814.png\n", - "00065.png 00190.png 00315.png 00440.png 00565.png 00690.png 00815.png\n", - "00066.png 00191.png 00316.png 00441.png 00566.png 00691.png 00816.png\n", - "00067.png 00192.png 00317.png 00442.png 00567.png 00692.png 00817.png\n", - "00068.png 00193.png 00318.png 00443.png 00568.png 00693.png 00818.png\n", - "00069.png 00194.png 00319.png 00444.png 00569.png 00694.png 00819.png\n", - "00070.png 00195.png 00320.png 00445.png 00570.png 00695.png 00820.png\n", - "00071.png 00196.png 00321.png 00446.png 00571.png 00696.png 00821.png\n", - "00072.png 00197.png 00322.png 00447.png 00572.png 00697.png 00822.png\n", - "00073.png 00198.png 00323.png 00448.png 00573.png 00698.png 00823.png\n", - "00074.png 00199.png 00324.png 00449.png 00574.png 00699.png 00824.png\n", - "00075.png 00200.png 00325.png 00450.png 00575.png 00700.png 00825.png\n", - "00076.png 00201.png 00326.png 00451.png 00576.png 00701.png 00826.png\n", - "00077.png 00202.png 00327.png 00452.png 00577.png 00702.png 00827.png\n", - "00078.png 00203.png 00328.png 00453.png 00578.png 00703.png 00828.png\n", - "00079.png 00204.png 00329.png 00454.png 00579.png 00704.png 00829.png\n", - "00080.png 00205.png 00330.png 00455.png 00580.png 00705.png 00830.png\n", - "00081.png 00206.png 00331.png 00456.png 00581.png 00706.png 00831.png\n", - "00082.png 00207.png 00332.png 00457.png 00582.png 00707.png 00832.png\n", - "00083.png 00208.png 00333.png 00458.png 00583.png 00708.png 00833.png\n", - "00084.png 00209.png 00334.png 00459.png 00584.png 00709.png 00834.png\n", - "00085.png 00210.png 00335.png 00460.png 00585.png 00710.png 00835.png\n", - "00086.png 00211.png 00336.png 00461.png 00586.png 00711.png 00836.png\n", - "00087.png 00212.png 00337.png 00462.png 00587.png 00712.png 00837.png\n", - "00088.png 00213.png 00338.png 00463.png 00588.png 00713.png 00838.png\n", - "00089.png 00214.png 00339.png 00464.png 00589.png 00714.png 00839.png\n", - "00090.png 00215.png 00340.png 00465.png 00590.png 00715.png 00840.png\n", - "00091.png 00216.png 00341.png 00466.png 00591.png 00716.png 00841.png\n", - "00092.png 00217.png 00342.png 00467.png 00592.png 00717.png 00842.png\n", - "00093.png 00218.png 00343.png 00468.png 00593.png 00718.png 00843.png\n", - "00094.png 00219.png 00344.png 00469.png 00594.png 00719.png 00844.png\n", - "00095.png 00220.png 00345.png 00470.png 00595.png 00720.png 00845.png\n", - "00096.png 00221.png 00346.png 00471.png 00596.png 00721.png 00846.png\n", - "00097.png 00222.png 00347.png 00472.png 00597.png 00722.png 00847.png\n", - "00098.png 00223.png 00348.png 00473.png 00598.png 00723.png 00848.png\n", - "00099.png 00224.png 00349.png 00474.png 00599.png 00724.png 00849.png\n", - "00100.png 00225.png 00350.png 00475.png 00600.png 00725.png 00850.png\n", - "00101.png 00226.png 00351.png 00476.png 00601.png 00726.png 00851.png\n", - "00102.png 00227.png 00352.png 00477.png 00602.png 00727.png 00852.png\n", - "00103.png 00228.png 00353.png 00478.png 00603.png 00728.png 00853.png\n", - "00104.png 00229.png 00354.png 00479.png 00604.png 00729.png 00854.png\n", - "00105.png 00230.png 00355.png 00480.png 00605.png 00730.png 00855.png\n", - "00106.png 00231.png 00356.png 00481.png 00606.png 00731.png 00856.png\n", - "00107.png 00232.png 00357.png 00482.png 00607.png 00732.png 00857.png\n", - "00108.png 00233.png 00358.png 00483.png 00608.png 00733.png 00858.png\n", - "00109.png 00234.png 00359.png 00484.png 00609.png 00734.png 00859.png\n", - "00110.png 00235.png 00360.png 00485.png 00610.png 00735.png 00860.png\n", - "00111.png 00236.png 00361.png 00486.png 00611.png 00736.png 00861.png\n", - "00112.png 00237.png 00362.png 00487.png 00612.png 00737.png 00862.png\n", - "00113.png 00238.png 00363.png 00488.png 00613.png 00738.png 00863.png\n", - "00114.png 00239.png 00364.png 00489.png 00614.png 00739.png 00864.png\n", - "00115.png 00240.png 00365.png 00490.png 00615.png 00740.png 00865.png\n", - "00116.png 00241.png 00366.png 00491.png 00616.png 00741.png 00866.png\n", - "00117.png 00242.png 00367.png 00492.png 00617.png 00742.png 00867.png\n", - "00118.png 00243.png 00368.png 00493.png 00618.png 00743.png 00868.png\n", - "00119.png 00244.png 00369.png 00494.png 00619.png 00744.png 00869.png\n", - "00120.png 00245.png 00370.png 00495.png 00620.png 00745.png 00870.png\n", - "00121.png 00246.png 00371.png 00496.png 00621.png 00746.png 00871.png\n", - "00122.png 00247.png 00372.png 00497.png 00622.png 00747.png\n", - "00123.png 00248.png 00373.png 00498.png 00623.png 00748.png\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "OO9gKvaM_ULn", - "colab_type": "code", - "outputId": "6b70ae27-e5f2-4a7a-fa64-1853cc093b06", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 1000 - } - }, - "source": [ - "# Copy Images to temp colab folder\n", - "!rm -rf ./MiddleBurySet/other-data/.ipynb_checkpoints/*\n", - "#!cp \"./MiddleBurySet/other-data/Beanbags/.\" \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "#!cp \"./MiddleBurySet/other-data/Beanbags/00001.png\" \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "#!cp \"./MiddleBurySet/other-data/Beanbags/00002.png\" \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "#!cp \"./MiddleBurySet/other-data/Beanbags/00003.png\" \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "#!cp \"./MiddleBurySet/other-data/Beanbags/00004.png\" \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "\n", - "!cp -a ./MiddleBurySet/other-data/Beanbags/. ./MiddleBurySet/other-data/.ipynb_checkpoints/\n", - "\n", - "!ls -a \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"" - ], - "execution_count": 75, - "outputs": [ - { - "output_type": "stream", - "text": [ - ".\t 00124.png 00249.png 00374.png 00499.png 00624.png 00749.png\n", - "..\t 00125.png 00250.png 00375.png 00500.png 00625.png 00750.png\n", - "00001.png 00126.png 00251.png 00376.png 00501.png 00626.png 00751.png\n", - "00002.png 00127.png 00252.png 00377.png 00502.png 00627.png 00752.png\n", - "00003.png 00128.png 00253.png 00378.png 00503.png 00628.png 00753.png\n", - "00004.png 00129.png 00254.png 00379.png 00504.png 00629.png 00754.png\n", - "00005.png 00130.png 00255.png 00380.png 00505.png 00630.png 00755.png\n", - "00006.png 00131.png 00256.png 00381.png 00506.png 00631.png 00756.png\n", - "00007.png 00132.png 00257.png 00382.png 00507.png 00632.png 00757.png\n", - "00008.png 00133.png 00258.png 00383.png 00508.png 00633.png 00758.png\n", - "00009.png 00134.png 00259.png 00384.png 00509.png 00634.png 00759.png\n", - "00010.png 00135.png 00260.png 00385.png 00510.png 00635.png 00760.png\n", - "00011.png 00136.png 00261.png 00386.png 00511.png 00636.png 00761.png\n", - "00012.png 00137.png 00262.png 00387.png 00512.png 00637.png 00762.png\n", - "00013.png 00138.png 00263.png 00388.png 00513.png 00638.png 00763.png\n", - "00014.png 00139.png 00264.png 00389.png 00514.png 00639.png 00764.png\n", - "00015.png 00140.png 00265.png 00390.png 00515.png 00640.png 00765.png\n", - "00016.png 00141.png 00266.png 00391.png 00516.png 00641.png 00766.png\n", - "00017.png 00142.png 00267.png 00392.png 00517.png 00642.png 00767.png\n", - "00018.png 00143.png 00268.png 00393.png 00518.png 00643.png 00768.png\n", - "00019.png 00144.png 00269.png 00394.png 00519.png 00644.png 00769.png\n", - "00020.png 00145.png 00270.png 00395.png 00520.png 00645.png 00770.png\n", - "00021.png 00146.png 00271.png 00396.png 00521.png 00646.png 00771.png\n", - "00022.png 00147.png 00272.png 00397.png 00522.png 00647.png 00772.png\n", - "00023.png 00148.png 00273.png 00398.png 00523.png 00648.png 00773.png\n", - "00024.png 00149.png 00274.png 00399.png 00524.png 00649.png 00774.png\n", - "00025.png 00150.png 00275.png 00400.png 00525.png 00650.png 00775.png\n", - "00026.png 00151.png 00276.png 00401.png 00526.png 00651.png 00776.png\n", - "00027.png 00152.png 00277.png 00402.png 00527.png 00652.png 00777.png\n", - "00028.png 00153.png 00278.png 00403.png 00528.png 00653.png 00778.png\n", - "00029.png 00154.png 00279.png 00404.png 00529.png 00654.png 00779.png\n", - "00030.png 00155.png 00280.png 00405.png 00530.png 00655.png 00780.png\n", - "00031.png 00156.png 00281.png 00406.png 00531.png 00656.png 00781.png\n", - "00032.png 00157.png 00282.png 00407.png 00532.png 00657.png 00782.png\n", - "00033.png 00158.png 00283.png 00408.png 00533.png 00658.png 00783.png\n", - "00034.png 00159.png 00284.png 00409.png 00534.png 00659.png 00784.png\n", - "00035.png 00160.png 00285.png 00410.png 00535.png 00660.png 00785.png\n", - "00036.png 00161.png 00286.png 00411.png 00536.png 00661.png 00786.png\n", - "00037.png 00162.png 00287.png 00412.png 00537.png 00662.png 00787.png\n", - "00038.png 00163.png 00288.png 00413.png 00538.png 00663.png 00788.png\n", - "00039.png 00164.png 00289.png 00414.png 00539.png 00664.png 00789.png\n", - "00040.png 00165.png 00290.png 00415.png 00540.png 00665.png 00790.png\n", - "00041.png 00166.png 00291.png 00416.png 00541.png 00666.png 00791.png\n", - "00042.png 00167.png 00292.png 00417.png 00542.png 00667.png 00792.png\n", - "00043.png 00168.png 00293.png 00418.png 00543.png 00668.png 00793.png\n", - "00044.png 00169.png 00294.png 00419.png 00544.png 00669.png 00794.png\n", - "00045.png 00170.png 00295.png 00420.png 00545.png 00670.png 00795.png\n", - "00046.png 00171.png 00296.png 00421.png 00546.png 00671.png 00796.png\n", - "00047.png 00172.png 00297.png 00422.png 00547.png 00672.png 00797.png\n", - "00048.png 00173.png 00298.png 00423.png 00548.png 00673.png 00798.png\n", - "00049.png 00174.png 00299.png 00424.png 00549.png 00674.png 00799.png\n", - "00050.png 00175.png 00300.png 00425.png 00550.png 00675.png 00800.png\n", - "00051.png 00176.png 00301.png 00426.png 00551.png 00676.png 00801.png\n", - "00052.png 00177.png 00302.png 00427.png 00552.png 00677.png 00802.png\n", - "00053.png 00178.png 00303.png 00428.png 00553.png 00678.png 00803.png\n", - "00054.png 00179.png 00304.png 00429.png 00554.png 00679.png 00804.png\n", - "00055.png 00180.png 00305.png 00430.png 00555.png 00680.png 00805.png\n", - "00056.png 00181.png 00306.png 00431.png 00556.png 00681.png 00806.png\n", - "00057.png 00182.png 00307.png 00432.png 00557.png 00682.png 00807.png\n", - "00058.png 00183.png 00308.png 00433.png 00558.png 00683.png 00808.png\n", - "00059.png 00184.png 00309.png 00434.png 00559.png 00684.png 00809.png\n", - "00060.png 00185.png 00310.png 00435.png 00560.png 00685.png 00810.png\n", - "00061.png 00186.png 00311.png 00436.png 00561.png 00686.png 00811.png\n", - "00062.png 00187.png 00312.png 00437.png 00562.png 00687.png 00812.png\n", - "00063.png 00188.png 00313.png 00438.png 00563.png 00688.png 00813.png\n", - "00064.png 00189.png 00314.png 00439.png 00564.png 00689.png 00814.png\n", - "00065.png 00190.png 00315.png 00440.png 00565.png 00690.png 00815.png\n", - "00066.png 00191.png 00316.png 00441.png 00566.png 00691.png 00816.png\n", - "00067.png 00192.png 00317.png 00442.png 00567.png 00692.png 00817.png\n", - "00068.png 00193.png 00318.png 00443.png 00568.png 00693.png 00818.png\n", - "00069.png 00194.png 00319.png 00444.png 00569.png 00694.png 00819.png\n", - "00070.png 00195.png 00320.png 00445.png 00570.png 00695.png 00820.png\n", - "00071.png 00196.png 00321.png 00446.png 00571.png 00696.png 00821.png\n", - "00072.png 00197.png 00322.png 00447.png 00572.png 00697.png 00822.png\n", - "00073.png 00198.png 00323.png 00448.png 00573.png 00698.png 00823.png\n", - "00074.png 00199.png 00324.png 00449.png 00574.png 00699.png 00824.png\n", - "00075.png 00200.png 00325.png 00450.png 00575.png 00700.png 00825.png\n", - "00076.png 00201.png 00326.png 00451.png 00576.png 00701.png 00826.png\n", - "00077.png 00202.png 00327.png 00452.png 00577.png 00702.png 00827.png\n", - "00078.png 00203.png 00328.png 00453.png 00578.png 00703.png 00828.png\n", - "00079.png 00204.png 00329.png 00454.png 00579.png 00704.png 00829.png\n", - "00080.png 00205.png 00330.png 00455.png 00580.png 00705.png 00830.png\n", - "00081.png 00206.png 00331.png 00456.png 00581.png 00706.png 00831.png\n", - "00082.png 00207.png 00332.png 00457.png 00582.png 00707.png 00832.png\n", - "00083.png 00208.png 00333.png 00458.png 00583.png 00708.png 00833.png\n", - "00084.png 00209.png 00334.png 00459.png 00584.png 00709.png 00834.png\n", - "00085.png 00210.png 00335.png 00460.png 00585.png 00710.png 00835.png\n", - "00086.png 00211.png 00336.png 00461.png 00586.png 00711.png 00836.png\n", - "00087.png 00212.png 00337.png 00462.png 00587.png 00712.png 00837.png\n", - "00088.png 00213.png 00338.png 00463.png 00588.png 00713.png 00838.png\n", - "00089.png 00214.png 00339.png 00464.png 00589.png 00714.png 00839.png\n", - "00090.png 00215.png 00340.png 00465.png 00590.png 00715.png 00840.png\n", - "00091.png 00216.png 00341.png 00466.png 00591.png 00716.png 00841.png\n", - "00092.png 00217.png 00342.png 00467.png 00592.png 00717.png 00842.png\n", - "00093.png 00218.png 00343.png 00468.png 00593.png 00718.png 00843.png\n", - "00094.png 00219.png 00344.png 00469.png 00594.png 00719.png 00844.png\n", - "00095.png 00220.png 00345.png 00470.png 00595.png 00720.png 00845.png\n", - "00096.png 00221.png 00346.png 00471.png 00596.png 00721.png 00846.png\n", - "00097.png 00222.png 00347.png 00472.png 00597.png 00722.png 00847.png\n", - "00098.png 00223.png 00348.png 00473.png 00598.png 00723.png 00848.png\n", - "00099.png 00224.png 00349.png 00474.png 00599.png 00724.png 00849.png\n", - "00100.png 00225.png 00350.png 00475.png 00600.png 00725.png 00850.png\n", - "00101.png 00226.png 00351.png 00476.png 00601.png 00726.png 00851.png\n", - "00102.png 00227.png 00352.png 00477.png 00602.png 00727.png 00852.png\n", - "00103.png 00228.png 00353.png 00478.png 00603.png 00728.png 00853.png\n", - "00104.png 00229.png 00354.png 00479.png 00604.png 00729.png 00854.png\n", - "00105.png 00230.png 00355.png 00480.png 00605.png 00730.png 00855.png\n", - "00106.png 00231.png 00356.png 00481.png 00606.png 00731.png 00856.png\n", - "00107.png 00232.png 00357.png 00482.png 00607.png 00732.png 00857.png\n", - "00108.png 00233.png 00358.png 00483.png 00608.png 00733.png 00858.png\n", - "00109.png 00234.png 00359.png 00484.png 00609.png 00734.png 00859.png\n", - "00110.png 00235.png 00360.png 00485.png 00610.png 00735.png 00860.png\n", - "00111.png 00236.png 00361.png 00486.png 00611.png 00736.png 00861.png\n", - "00112.png 00237.png 00362.png 00487.png 00612.png 00737.png 00862.png\n", - "00113.png 00238.png 00363.png 00488.png 00613.png 00738.png 00863.png\n", - "00114.png 00239.png 00364.png 00489.png 00614.png 00739.png 00864.png\n", - "00115.png 00240.png 00365.png 00490.png 00615.png 00740.png 00865.png\n", - "00116.png 00241.png 00366.png 00491.png 00616.png 00741.png 00866.png\n", - "00117.png 00242.png 00367.png 00492.png 00617.png 00742.png 00867.png\n", - "00118.png 00243.png 00368.png 00493.png 00618.png 00743.png 00868.png\n", - "00119.png 00244.png 00369.png 00494.png 00619.png 00744.png 00869.png\n", - "00120.png 00245.png 00370.png 00495.png 00620.png 00745.png 00870.png\n", - "00121.png 00246.png 00371.png 00496.png 00621.png 00746.png 00871.png\n", - "00122.png 00247.png 00372.png 00497.png 00622.png 00747.png\n", - "00123.png 00248.png 00373.png 00498.png 00623.png 00748.png\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "W3rrE7L824gL", - "colab_type": "code", - "outputId": "907a4ed1-78c3-428e-8c63-755b84c1e5d8", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 1000 - } - }, - "source": [ - "# Interpolation\n", - "# Do not worry about \"Interpolate 3 frames\".\n", - "# 4x means 0.25. Number^-1.\n", - "\n", - "!python colab_MiddleBury_slowmotion.py --netName DAIN_slowmotion --time_step 0.25" - ], - "execution_count": 76, - "outputs": [ - { - "output_type": "stream", - "text": [ - "revise the unique id to a random numer 48686\n", - "Namespace(SAVED_MODEL=None, alpha=[0.0, 1.0], arg='./model_weights/48686-Wed-Mar-04-05:51/args.txt', batch_size=1, channels=3, ctx_lr_coe=1.0, datasetName='Vimeo_90K_interp', datasetPath='', dataset_split=97, debug=False, depth_lr_coe=0.001, dtype=, epsilon=1e-06, factor=0.2, filter_lr_coe=1.0, filter_size=4, flow_lr_coe=0.01, force=False, log='./model_weights/48686-Wed-Mar-04-05:51/log.txt', lr=0.002, netName='DAIN_slowmotion', no_date=False, numEpoch=100, occ_lr_coe=1.0, patience=5, rectify_lr=0.001, save_path='./model_weights/48686-Wed-Mar-04-05:51', save_which=1, seed=1, time_step=0.25, uid=None, use_cuda=True, use_cudnn=1, weight_decay=0, workers=8)\n", - "cudnn is used\n", - "Interpolate 3 frames\n", - "The testing model weight is: ./model_weights/best.pth\n", - "The unique id for current testing is: TEST\n", - ".ipynb_checkpoints\n", - "/usr/local/lib/python3.6/dist-packages/torch/nn/functional.py:2506: UserWarning: Default upsampling behavior when mode=bilinear is changed to align_corners=False since 0.4.0. Please specify align_corners=True if the old behavior is desired. See the documentation of nn.Upsample for details.\n", - " \"See the documentation of nn.Upsample for details.\".format(mode))\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/usr/local/lib/python3.6/dist-packages/torch/nn/functional.py:2705: UserWarning: Default grid_sample and affine_grid behavior has changed to align_corners=False since 1.3.0. Please specify align_corners=True if the old behavior is desired. See the documentation of grid_sample for details.\n", - " warnings.warn(\"Default grid_sample and affine_grid behavior has changed \"\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 16.537385940551758s ******************\n", - "count\n", - "4\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9815597534179688s ******************\n", - "count\n", - "8\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9727492332458496s ******************\n", - "count\n", - "12\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9737591743469238s ******************\n", - "count\n", - "16\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9782066345214844s ******************\n", - "count\n", - "20\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9759616851806641s ******************\n", - "count\n", - "24\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9756677150726318s ******************\n", - "count\n", - "28\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9749438762664795s ******************\n", - "count\n", - "32\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9762649536132812s ******************\n", - "count\n", - "36\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.970689058303833s ******************\n", - "count\n", - "40\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9759900569915771s ******************\n", - "count\n", - "44\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9765355587005615s ******************\n", - "count\n", - "48\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9757840633392334s ******************\n", - "count\n", - "52\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9741895198822021s ******************\n", - "count\n", - "56\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9766585826873779s ******************\n", - "count\n", - "60\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.975592851638794s ******************\n", - "count\n", - "64\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9758110046386719s ******************\n", - "count\n", - "68\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9750370979309082s ******************\n", - "count\n", - "72\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9742257595062256s ******************\n", - "count\n", - "76\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9767768383026123s ******************\n", - "count\n", - "80\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9778213500976562s ******************\n", - "count\n", - "84\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9749059677124023s ******************\n", - "count\n", - "88\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9763040542602539s ******************\n", - "count\n", - "92\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9742593765258789s ******************\n", - "count\n", - "96\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9728460311889648s ******************\n", - "count\n", - "100\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9743261337280273s ******************\n", - "count\n", - "104\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9738008975982666s ******************\n", - "count\n", - "108\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9747631549835205s ******************\n", - "count\n", - "112\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9750566482543945s ******************\n", - "count\n", - "116\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.971095085144043s ******************\n", - "count\n", - "120\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9741489887237549s ******************\n", - "count\n", - "124\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9758906364440918s ******************\n", - "count\n", - "128\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.973701000213623s ******************\n", - "count\n", - "132\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9734151363372803s ******************\n", - "count\n", - "136\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9745364189147949s ******************\n", - "count\n", - "140\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9739301204681396s ******************\n", - "count\n", - "144\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9739375114440918s ******************\n", - "count\n", - "148\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9749500751495361s ******************\n", - "count\n", - "152\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9719955921173096s ******************\n", - "count\n", - "156\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9795897006988525s ******************\n", - "count\n", - "160\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9754312038421631s ******************\n", - "count\n", - "164\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.975663423538208s ******************\n", - "count\n", - "168\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9759716987609863s ******************\n", - "count\n", - "172\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9722669124603271s ******************\n", - "count\n", - "176\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9737517833709717s ******************\n", - "count\n", - "180\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9711601734161377s ******************\n", - "count\n", - "184\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.974797248840332s ******************\n", - "count\n", - "188\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9730989933013916s ******************\n", - "count\n", - "192\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.971468448638916s ******************\n", - "count\n", - "196\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9748570919036865s ******************\n", - "count\n", - "200\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9747416973114014s ******************\n", - "count\n", - "204\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9697911739349365s ******************\n", - "count\n", - "208\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.97275710105896s ******************\n", - "count\n", - "212\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9724493026733398s ******************\n", - "count\n", - "216\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9718005657196045s ******************\n", - "count\n", - "220\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9727168083190918s ******************\n", - "count\n", - "224\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9708826541900635s ******************\n", - "count\n", - "228\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.97501540184021s ******************\n", - "count\n", - "232\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9731228351593018s ******************\n", - "count\n", - "236\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9765729904174805s ******************\n", - "count\n", - "240\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9748361110687256s ******************\n", - "count\n", - "244\n", - "Beanbags\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.973811149597168s ******************\n", - "count\n", - "248\n", - ".ipynb_checkpoints\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9705383777618408s ******************\n", - "count\n", - "252\n", - "Beanbags\n", + "\u001b[31mERROR: plotnine 0.6.0 has requirement scipy>=1.2.0, but you'll have scipy 1.0.0 which is incompatible.\u001b[0m\n", + "\u001b[31mERROR: datascience 0.10.6 has requirement folium==0.2.1, but you'll have folium 0.8.3 which is incompatible.\u001b[0m\n", + "\u001b[31mERROR: cvxpy 1.0.25 has requirement scipy>=1.1.0, but you'll have scipy 1.0.0 which is incompatible.\u001b[0m\n", + "\u001b[31mERROR: albumentations 0.1.12 has requirement imgaug<0.2.7,>=0.2.5, but you'll have imgaug 0.2.9 which is incompatible.\u001b[0m\n", + "\u001b[?25hInstalling collected packages: numpy, scipy\n", + " Found existing installation: numpy 1.17.5\n", + " Uninstalling numpy-1.17.5:\n", + " Successfully uninstalled numpy-1.17.5\n", + " Found existing installation: scipy 1.4.1\n", + " Uninstalling scipy-1.4.1:\n", + " Successfully uninstalled scipy-1.4.1\n", + "Successfully installed numpy-1.18.1 scipy-1.0.0\n" + ], + "name": "stdout" + }, + { + "output_type": "display_data", + "data": { + "application/vnd.colab-display-data+json": { + "pip_warning": { + "packages": [ + "numpy" + ] + } + } + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "9YNva-GuKq4Y", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + }, + "outputId": "c4d8729c-1cc9-42ab-e758-c7cca7499511" + }, + "source": [ + "# Detecting FPS of input file.\n", + "%shell yes | cp -f /content/gdrive/My\\ Drive/{INPUT_FILEPATH} /content/DAIN/\n", + "\n", + "import os\n", + "filename = os.path.basename(INPUT_FILEPATH)\n", + "\n", + "import cv2\n", + "cap = cv2.VideoCapture(f'/content/DAIN/{filename}')\n", + "\n", + "fps = cap.get(cv2.CAP_PROP_FPS)\n", + "print(f\"FPS: {fps}\")" + ], + "execution_count": 56, + "outputs": [ + { + "output_type": "stream", + "text": [ + "FPS: 10.0\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "KNoiP5mw1KxH", + "colab_type": "code", + "outputId": "d3124d25-06ec-4319-c43e-4173098aa4ce", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "source": [ + "# IMPORTANT:\n", + "# If you want to input a png-sequence, just insert the png's with xxxx.png starting at 0001 in ./MiddleBurySet/other-data/Beanbags/ and skip this.\n", + "# TODO: Automate this through config at the beggining of the notebook.\n", + "# If you want to input a video, then use this.\n", + "\n", + "# ffmpeg extract - Generating individual frame PNGs from the source file.\n", + "%shell rm -rf /content/DAIN/input_frames\n", + "%shell mkdir -p /content/DAIN/input_frames\n", + "\n", + "# TODO: Work with this to remove the alpha channel\n", + "#%shell ffmpeg -i '/content/DAIN/{filename}' -filter_complex 'split [rgb_in][alpha_in]; [rgb_in][out];' '/content/DAIN/input_frames/%05d.png'\n", + "\n", + "%shell ffmpeg -i '/content/DAIN/{filename}' '/content/DAIN/input_frames/%05d.png'\n", + "\n", + "png_generated_count_command_result = %shell ls /content/DAIN/input_frames | wc -l\n", + "clear_output()\n", + "\n", + "pngs_generated_count = int(png_generated_count_command_result.output.strip())\n", + "print(f\"{pngs_generated_count} frame PNGs generated.\")" + ], + "execution_count": 57, + "outputs": [ + { + "output_type": "stream", + "text": [ + "13211 frame PNGs generated.\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "W3rrE7L824gL", + "colab_type": "code", + "outputId": "5238fb9b-9616-41c5-a987-25f251b212db", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1000 + } + }, + "source": [ + "# Interpolation\n", + "%shell rm -rf /content/DAIN/output_frames\n", + "%shell mkdir /content/DAIN/output_frames\n", + "%cd /content/DAIN\n", + "!python colab_MiddleBury_slowmotion.py --netName DAIN_slowmotion --time_step {fps/TARGET_FPS} --save_which=0" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "/content/DAIN\n", + "revise the unique id to a random numer 51453\n", + "Namespace(SAVED_MODEL=None, alpha=[0.0, 1.0], arg='./model_weights/51453-Sun-Mar-08-21:42/args.txt', batch_size=1, channels=3, ctx_lr_coe=1.0, datasetName='Vimeo_90K_interp', datasetPath='', dataset_split=97, debug=False, depth_lr_coe=0.001, dtype=, epsilon=1e-06, factor=0.2, filter_lr_coe=1.0, filter_size=4, flow_lr_coe=0.01, force=False, log='./model_weights/51453-Sun-Mar-08-21:42/log.txt', lr=0.002, netName='DAIN_slowmotion', no_date=False, numEpoch=100, occ_lr_coe=1.0, patience=5, rectify_lr=0.001, save_path='./model_weights/51453-Sun-Mar-08-21:42', save_which=0, seed=1, time_step=0.16666666666666666, uid=None, use_cuda=True, use_cudnn=1, weight_decay=0, workers=8)\n", + "cudnn is used\n", + "Interpolate 5 frames\n", + "The testing model weight is: ./model_weights/best.pth\n", + "/usr/local/lib/python3.6/dist-packages/torch/nn/functional.py:2506: UserWarning: Default upsampling behavior when mode=bilinear is changed to align_corners=False since 0.4.0. Please specify align_corners=True if the old behavior is desired. See the documentation of nn.Upsample for details.\n", + " \"See the documentation of nn.Upsample for details.\".format(mode))\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", + "/usr/local/lib/python3.6/dist-packages/torch/nn/functional.py:2705: UserWarning: Default grid_sample and affine_grid behavior has changed to align_corners=False since 1.3.0. Please specify align_corners=True if the old behavior is desired. See the documentation of grid_sample for details.\n", + " warnings.warn(\"Default grid_sample and affine_grid behavior has changed \"\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2059,10 +525,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9756336212158203s ******************\n", - "count\n", - "256\n", - ".ipynb_checkpoints\n", + "******Processed image 1 | Time per image (avg): 0.00s | Time left: 0:00:00 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2073,10 +536,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9760711193084717s ******************\n", - "count\n", - "260\n", - "Beanbags\n", + "******Processed image 2 | Time per image (avg): 11.59s | Time left: 0:00:57.968178 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2087,10 +547,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9743337631225586s ******************\n", - "count\n", - "264\n", - ".ipynb_checkpoints\n", + "******Processed image 3 | Time per image (avg): 6.85s | Time left: 0:01:08.525000 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2101,10 +558,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9746260643005371s ******************\n", - "count\n", - "268\n", - "Beanbags\n", + "******Processed image 4 | Time per image (avg): 5.27s | Time left: 0:01:19.023484 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2115,10 +569,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9755480289459229s ******************\n", - "count\n", - "272\n", - ".ipynb_checkpoints\n", + "******Processed image 5 | Time per image (avg): 4.48s | Time left: 0:01:29.622805 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2129,10 +580,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9744617938995361s ******************\n", - "count\n", - "276\n", - "Beanbags\n", + "******Processed image 6 | Time per image (avg): 4.01s | Time left: 0:01:40.317544 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2143,10 +591,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9719870090484619s ******************\n", - "count\n", - "280\n", - ".ipynb_checkpoints\n", + "******Processed image 7 | Time per image (avg): 3.71s | Time left: 0:01:51.341517 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2157,10 +602,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9732983112335205s ******************\n", - "count\n", - "284\n", - "Beanbags\n", + "******Processed image 8 | Time per image (avg): 3.50s | Time left: 0:02:02.559606 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2171,10 +613,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9742255210876465s ******************\n", - "count\n", - "288\n", - ".ipynb_checkpoints\n", + "******Processed image 9 | Time per image (avg): 3.35s | Time left: 0:02:13.952481 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2185,10 +624,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9741396903991699s ******************\n", - "count\n", - "292\n", - "Beanbags\n", + "******Processed image 10 | Time per image (avg): 3.24s | Time left: 0:02:25.586147 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2199,10 +635,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9738790988922119s ******************\n", - "count\n", - "296\n", - ".ipynb_checkpoints\n", + "******Processed image 11 | Time per image (avg): 3.14s | Time left: 0:02:37.207415 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2213,10 +646,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.977332592010498s ******************\n", - "count\n", - "300\n", - "Beanbags\n", + "******Processed image 12 | Time per image (avg): 3.07s | Time left: 0:02:48.938335 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2227,10 +657,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9736490249633789s ******************\n", - "count\n", - "304\n", - ".ipynb_checkpoints\n", + "******Processed image 13 | Time per image (avg): 3.01s | Time left: 0:03:00.667189 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2241,10 +668,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9737114906311035s ******************\n", - "count\n", - "308\n", - "Beanbags\n", + "******Processed image 14 | Time per image (avg): 2.96s | Time left: 0:03:12.382497 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2255,10 +679,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9756884574890137s ******************\n", - "count\n", - "312\n", - ".ipynb_checkpoints\n", + "******Processed image 15 | Time per image (avg): 2.92s | Time left: 0:03:24.170767 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2269,10 +690,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9757201671600342s ******************\n", - "count\n", - "316\n", - "Beanbags\n", + "******Processed image 16 | Time per image (avg): 2.88s | Time left: 0:03:35.991827 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2283,10 +701,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9745044708251953s ******************\n", - "count\n", - "320\n", - ".ipynb_checkpoints\n", + "******Processed image 17 | Time per image (avg): 2.85s | Time left: 0:03:47.856469 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2297,10 +712,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9740314483642578s ******************\n", - "count\n", - "324\n", - "Beanbags\n", + "******Processed image 18 | Time per image (avg): 2.82s | Time left: 0:03:59.674489 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2311,10 +723,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9754781723022461s ******************\n", - "count\n", - "328\n", - ".ipynb_checkpoints\n", + "******Processed image 19 | Time per image (avg): 2.80s | Time left: 0:04:11.697628 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2325,10 +734,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9759955406188965s ******************\n", - "count\n", - "332\n", - "Beanbags\n", + "******Processed image 20 | Time per image (avg): 2.78s | Time left: 0:04:23.663020 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2339,10 +745,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9749009609222412s ******************\n", - "count\n", - "336\n", - ".ipynb_checkpoints\n", + "******Processed image 21 | Time per image (avg): 2.76s | Time left: 0:04:35.622898 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2353,10 +756,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9744961261749268s ******************\n", - "count\n", - "340\n", - "Beanbags\n", + "******Processed image 22 | Time per image (avg): 2.74s | Time left: 0:04:47.580169 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2367,10 +767,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9779062271118164s ******************\n", - "count\n", - "344\n", - ".ipynb_checkpoints\n", + "******Processed image 23 | Time per image (avg): 2.72s | Time left: 0:04:59.515908 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2381,10 +778,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9763278961181641s ******************\n", - "count\n", - "348\n", - "Beanbags\n", + "******Processed image 24 | Time per image (avg): 2.71s | Time left: 0:05:11.589736 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2395,10 +789,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9747984409332275s ******************\n", - "count\n", - "352\n", - ".ipynb_checkpoints\n", + "******Processed image 25 | Time per image (avg): 2.70s | Time left: 0:05:23.647301 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2409,10 +800,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9763875007629395s ******************\n", - "count\n", - "356\n", - "Beanbags\n", + "******Processed image 26 | Time per image (avg): 2.69s | Time left: 0:05:35.791795 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2423,10 +811,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9704461097717285s ******************\n", - "count\n", - "360\n", - ".ipynb_checkpoints\n", + "******Processed image 27 | Time per image (avg): 2.68s | Time left: 0:05:47.952605 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2437,10 +822,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9756309986114502s ******************\n", - "count\n", - "364\n", - "Beanbags\n", + "******Processed image 28 | Time per image (avg): 2.67s | Time left: 0:06:00.135027 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2451,10 +833,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.975001335144043s ******************\n", - "count\n", - "368\n", - ".ipynb_checkpoints\n", + "******Processed image 29 | Time per image (avg): 2.66s | Time left: 0:06:12.387651 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2465,10 +844,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9741811752319336s ******************\n", - "count\n", - "372\n", - "Beanbags\n", + "******Processed image 30 | Time per image (avg): 2.65s | Time left: 0:06:24.674776 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2479,10 +855,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9746026992797852s ******************\n", - "count\n", - "376\n", - ".ipynb_checkpoints\n", + "******Processed image 31 | Time per image (avg): 2.65s | Time left: 0:06:36.979426 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2493,10 +866,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9752438068389893s ******************\n", - "count\n", - "380\n", - "Beanbags\n", + "******Processed image 32 | Time per image (avg): 2.64s | Time left: 0:06:49.352560 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2507,10 +877,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9780418872833252s ******************\n", - "count\n", - "384\n", - ".ipynb_checkpoints\n", + "******Processed image 33 | Time per image (avg): 2.64s | Time left: 0:07:01.732429 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2521,10 +888,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9743959903717041s ******************\n", - "count\n", - "388\n", - "Beanbags\n", + "******Processed image 34 | Time per image (avg): 2.63s | Time left: 0:07:14.220029 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2535,10 +899,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9759840965270996s ******************\n", - "count\n", - "392\n", - ".ipynb_checkpoints\n", + "******Processed image 35 | Time per image (avg): 2.63s | Time left: 0:07:26.659169 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2549,10 +910,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9724359512329102s ******************\n", - "count\n", - "396\n", - "Beanbags\n", + "******Processed image 36 | Time per image (avg): 2.62s | Time left: 0:07:39.127401 ******************\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", @@ -2563,9 +921,7 @@ "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", "/pytorch/torch/csrc/autograd/python_function.cpp:622: UserWarning: Legacy autograd function with non-static forward method is deprecated and will be removed in 1.3. Please use new-style autograd function with static forward method. (Example: https://pytorch.org/docs/stable/autograd.html#torch.autograd.Function)\n", - "*****************current image process time \t 0.9749493598937988s ******************\n", - "count\n", - "400\n" + "******Processed image 37 | Time per image (avg): 2.62s | Time left: 0:07:51.692777 ******************\n" ], "name": "stdout" } @@ -2576,18 +932,16 @@ "metadata": { "id": "TKREDli2IDMV", "colab_type": "code", + "outputId": "4dc56e20-613d-48f6-c2bf-445b5c016f95", "colab": { "base_uri": "https://localhost:8080/", - "height": 904 - }, - "outputId": "8dbac72d-5b26-4b3b-ddc5-fed3e2c26ff4" + "height": 836 + } }, "source": [ - "# new_fps = fps * 4\n", - "# Automatic FPS calculation does not work. Just take your fps*4 and put it where \"-r \" is.\n", - "!ffmpeg -r 120 -f image2 -i /content/DAIN/MiddleBurySet/other-result-author/TEST/%04d.png -vcodec libx264 -crf 25 -pix_fmt yuv420p test.mp4" + "%shell ffmpeg -y -r {TARGET_FPS} -f image2 -i '/content/DAIN/output_frames/%05d.png' output.mkv" ], - "execution_count": 89, + "execution_count": 68, "outputs": [ { "output_type": "stream", @@ -2604,47 +958,55 @@ " libswscale 4. 8.100 / 4. 8.100\n", " libswresample 2. 9.100 / 2. 9.100\n", " libpostproc 54. 7.100 / 54. 7.100\n", - "Input #0, image2, from '/content/DAIN/MiddleBurySet/other-result-author/TEST/%04d.png':\n", - " Duration: 00:00:03.34, start: 0.000000, bitrate: N/A\n", - " Stream #0:0: Video: png, rgb24(pc), 1280x720 [SAR 1:1 DAR 16:9], 120 fps, 120 tbr, 120 tbn, 120 tbc\n", - "File 'test.mp4' already exists. Overwrite ? [y/N] y\n", + "Input #0, image2, from '/content/DAIN/output_frames/%05d.png':\n", + " Duration: 00:00:10.00, start: 0.000000, bitrate: N/A\n", + " Stream #0:0: Video: png, rgb24(pc), 480x320 [SAR 1:1 DAR 3:2], 60 fps, 60 tbr, 60 tbn, 60 tbc\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0musing SAR=1/1\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0musing cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mprofile High, level 4.2\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0m264 - core 152 r2854 e9a5903 - H.264/MPEG-4 AVC codec - Copyleft 2003-2017 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=-2 threads=3 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=25 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=25.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", - "Output #0, mp4, to 'test.mp4':\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0musing SAR=1/1\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0musing cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mprofile High 4:4:4 Predictive, level 3.0, 4:4:4 8-bit\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0m264 - core 152 r2854 e9a5903 - H.264/MPEG-4 AVC codec - Copyleft 2003-2017 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x1:0x111 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=0 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=3 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=25 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", + "Output #0, matroska, to 'output.mkv':\n", " Metadata:\n", " encoder : Lavf57.83.100\n", - " Stream #0:0: Video: h264 (libx264) (avc1 / 0x31637661), yuv420p, 1280x720 [SAR 1:1 DAR 16:9], q=-1--1, 120 fps, 15360 tbn, 120 tbc\n", + " Stream #0:0: Video: h264 (libx264) (H264 / 0x34363248), yuv444p, 480x320 [SAR 1:1 DAR 3:2], q=-1--1, 60 fps, 1k tbn, 60 tbc\n", " Metadata:\n", " encoder : Lavc57.107.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: -1\n", - "frame= 401 fps= 27 q=-1.0 Lsize= 376kB time=00:00:03.31 bitrate= 928.1kbits/s speed=0.226x \n", - "video:370kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.492734%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mframe I:2 Avg QP:21.86 size: 33420\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mframe P:101 Avg QP:24.55 size: 1683\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mframe B:298 Avg QP:24.47 size: 475\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mconsecutive B-frames: 0.7% 0.5% 0.0% 98.8%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mmb I I16..4: 41.6% 40.1% 18.4%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mmb P I16..4: 1.4% 4.8% 0.0% P16..4: 12.9% 1.2% 0.4% 0.0% 0.0% skip:79.3%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mmb B I16..4: 0.1% 0.0% 0.0% B16..8: 12.8% 0.0% 0.0% direct: 0.3% skip:86.8% L0:65.8% L1:33.9% BI: 0.3%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0m8x8 transform intra:66.6% inter:93.9%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mcoded y,uvDC,uvAC intra: 8.3% 26.7% 6.8% inter: 0.3% 1.5% 0.0%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mi16 v,h,dc,p: 41% 37% 13% 9%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mi8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 14% 11% 72% 1% 1% 0% 0% 0% 0%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mi4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 24% 19% 17% 12% 12% 4% 4% 5% 3%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mi8c dc,h,v,p: 56% 27% 14% 3%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mWeighted P-Frames: Y:0.0% UV:0.0%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mref P L0: 71.6% 7.0% 15.5% 5.9%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mref B L0: 55.7% 43.4% 0.9%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mref B L1: 97.4% 2.6%\n", - "\u001b[1;36m[libx264 @ 0x55c4e24a3e00] \u001b[0mkb/s:905.93\n" + "frame= 600 fps=114 q=-1.0 Lsize= 355kB time=00:00:09.95 bitrate= 292.4kbits/s speed=1.88x \n", + "video:351kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.332512%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mframe I:4 Avg QP:19.86 size: 6530\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mframe P:199 Avg QP:22.19 size: 1466\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mframe B:397 Avg QP:22.71 size: 102\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mconsecutive B-frames: 1.5% 30.7% 0.5% 67.3%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mmb I I16..4: 60.2% 0.0% 39.8%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mmb P I16..4: 2.4% 0.0% 2.6% P16..4: 28.7% 6.2% 1.9% 0.0% 0.0% skip:58.1%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mmb B I16..4: 0.0% 0.0% 0.0% B16..8: 14.8% 0.1% 0.0% direct: 0.0% skip:85.0% L0:34.6% L1:65.2% BI: 0.3%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mcoded y,u,v intra: 44.2% 29.4% 22.0% inter: 2.4% 1.3% 0.5%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mi16 v,h,dc,p: 39% 36% 18% 8%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mi4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 21% 23% 18% 6% 6% 7% 7% 6% 6%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mWeighted P-Frames: Y:4.0% UV:1.5%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mref P L0: 63.5% 13.0% 14.2% 9.0% 0.2%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mref B L0: 83.8% 7.0% 9.2%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mref B L1: 99.4% 0.6%\n", + "\u001b[1;36m[libx264 @ 0x55c1eeccd700] \u001b[0mkb/s:286.61\n" ], "name": "stdout" + }, + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 68 } ] }, @@ -2657,355 +1019,10 @@ }, "source": [ "# Copy result to drive\n", - "!cp /content/DAIN/test.mp4 '/content/gdrive/My Drive/DAIN/'" + "!cp /content/DAIN/output.mkv '/content/gdrive/My Drive/{OUTPUT_FILE_PATH}'" ], "execution_count": 0, "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "5tMWCL1MLYie", - "colab_type": "text" - }, - "source": [ - "Code unter this text is \"archived\". Please, don't touch it." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "0nqKPIeImnce", - "colab_type": "code", - "outputId": "5b3e25e9-c0a2-4eca-c69e-ae3d471636da", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 360 - } - }, - "source": [ - "# This is testcode. It does interpolate frame10.png and frame11.png.\n", - "\n", - "#!cp \"./MiddleBurySet/other-data/DogDance/frame10.png\" \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "#!cp \"./MiddleBurySet/other-data/DogDance/frame11.png\" \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "#!ls -a \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "\n", - "#!rm -rf ./MiddleBurySet/other-data/.ipynb_checkpoints/*\n", - "#!cp -a ./MiddleBurySet/other-data/Beanbags/. ./MiddleBurySet/other-data/.ipynb_checkpoints/\n", - "#!ls -a \"./MiddleBurySet/other-data/.ipynb_checkpoints/\"\n", - "\n", - "#!python demo_MiddleBury_slowmotion.py --netName DAIN_slowmotion --time_step 0.25\n", - "\n", - " #clear_output()" - ], - "execution_count": 54, - "outputs": [ - { - "output_type": "stream", - "text": [ - ". 00001.png 00003.png 00005.png 00007.png\t frame11.png\n", - ".. 00002.png 00004.png 00006.png frame10.png\n", - "revise the unique id to a random numer 63231\n", - "Namespace(SAVED_MODEL=None, alpha=[0.0, 1.0], arg='./model_weights/63231-Wed-Mar-04-05:32/args.txt', batch_size=1, channels=3, ctx_lr_coe=1.0, datasetName='Vimeo_90K_interp', datasetPath='', dataset_split=97, debug=False, depth_lr_coe=0.001, dtype=, epsilon=1e-06, factor=0.2, filter_lr_coe=1.0, filter_size=4, flow_lr_coe=0.01, force=False, log='./model_weights/63231-Wed-Mar-04-05:32/log.txt', lr=0.002, netName='DAIN_slowmotion', no_date=False, numEpoch=100, occ_lr_coe=1.0, patience=5, rectify_lr=0.001, save_path='./model_weights/63231-Wed-Mar-04-05:32', save_which=1, seed=1, time_step=0.25, uid=None, use_cuda=True, use_cudnn=1, weight_decay=0, workers=8)\n", - "cudnn is used\n", - "Interpolate 3 frames\n", - "The testing model weight is: ./model_weights/best.pth\n", - "The unique id for current testing is: 82136\n", - "00003.png\n", - "Traceback (most recent call last):\n", - " File \"demo_MiddleBury_slowmotion.py\", line 81, in \n", - " X0 = torch.from_numpy( np.transpose(imread(arguments_strFirst) , (2,0,1)).astype(\"float32\")/ 255.0).type(dtype)\n", - " File \"/usr/local/lib/python3.6/dist-packages/numpy/lib/utils.py\", line 101, in newfunc\n", - " return func(*args, **kwds)\n", - " File \"/usr/local/lib/python3.6/dist-packages/scipy/misc/pilutil.py\", line 164, in imread\n", - " im = Image.open(name)\n", - " File \"/usr/local/lib/python3.6/dist-packages/PIL/Image.py\", line 2766, in open\n", - " fp = builtins.open(filename, \"rb\")\n", - "NotADirectoryError: [Errno 20] Not a directory: './MiddleBurySet/other-data/00003.png/frame10.png'\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "fVA6PvlC9XMo", - "colab_type": "code", - "outputId": "f94bf1b5-99ad-409c-e07e-0bbd888a6fca", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 34 - } - }, - "source": [ - "# This notebok does not use it and you don't need to run it.\n", - "\n", - "%%%writefile demo_MiddleBury.py\n", - "import time\n", - "import os\n", - "from torch.autograd import Variable\n", - "import math\n", - "import torch\n", - "\n", - "import random\n", - "import numpy as np\n", - "import numpy\n", - "import networks\n", - "import cv2\n", - "\n", - "from my_args import args\n", - "from AverageMeter import *\n", - "\n", - "torch.backends.cudnn.benchmark = True # to speed up the\n", - "\n", - "\n", - "DO_MiddleBurryOther = True\n", - "MB_Other_DATA = \"./MiddleBurySet/other-data/\"\n", - "MB_Other_RESULT = \"./MiddleBurySet/other-result-author/\"\n", - "MB_Other_GT = \"./MiddleBurySet/other-gt-interp/\"\n", - "if not os.path.exists(MB_Other_RESULT):\n", - " os.mkdir(MB_Other_RESULT)\n", - "\n", - "\n", - "\n", - "model = networks.__dict__[args.netName](channel=args.channels,\n", - " filter_size = args.filter_size ,\n", - " timestep=args.time_step,\n", - " training=False)\n", - "\n", - "if args.use_cuda:\n", - " model = model.cuda()\n", - "\n", - "args.SAVED_MODEL = './model_weights/best.pth'\n", - "if os.path.exists(args.SAVED_MODEL):\n", - " print(\"The testing model weight is: \" + args.SAVED_MODEL)\n", - " if not args.use_cuda:\n", - " pretrained_dict = torch.load(args.SAVED_MODEL, map_location=lambda storage, loc: storage)\n", - " # model.load_state_dict(torch.load(args.SAVED_MODEL, map_location=lambda storage, loc: storage))\n", - " else:\n", - " pretrained_dict = torch.load(args.SAVED_MODEL)\n", - " # model.load_state_dict(torch.load(args.SAVED_MODEL))\n", - "\n", - " model_dict = model.state_dict()\n", - " # 1. filter out unnecessary keys\n", - " pretrained_dict = {k: v for k, v in pretrained_dict.items() if k in model_dict}\n", - " # 2. overwrite entries in the existing state dict\n", - " model_dict.update(pretrained_dict)\n", - " # 3. load the new state dict\n", - " model.load_state_dict(model_dict)\n", - " # 4. release the pretrained dict for saving memory\n", - " pretrained_dict = []\n", - "else:\n", - " print(\"*****************************************************************\")\n", - " print(\"**** We don't load any trained weights **************************\")\n", - " print(\"*****************************************************************\")\n", - "\n", - "model = model.eval() # deploy mode\n", - "\n", - "\n", - "use_cuda=args.use_cuda\n", - "save_which=args.save_which\n", - "dtype = args.dtype\n", - "unique_id =str(random.randint(0, 100000))\n", - "print(\"The unique id for current testing is: \" + str(unique_id))\n", - "\n", - "interp_error = AverageMeter()\n", - "if DO_MiddleBurryOther:\n", - " subdir = os.listdir(MB_Other_DATA)\n", - " gen_dir = os.path.join(MB_Other_RESULT, unique_id)\n", - " os.mkdir(gen_dir)\n", - "\n", - " tot_timer = AverageMeter()\n", - " proc_timer = AverageMeter()\n", - " end = time.time()\n", - " for dir in subdir:\n", - " print(dir)\n", - " os.mkdir(os.path.join(gen_dir, dir))\n", - " arguments_strFirst = os.path.join(MB_Other_DATA, dir, \"frame13.png\")\n", - " arguments_strSecond = os.path.join(MB_Other_DATA, dir, \"frame14.png\")\n", - " arguments_strOut = os.path.join(gen_dir, dir, \"frame10i11.png\")\n", - " gt_path = os.path.join(MB_Other_GT, dir, \"frame10i11.png\")\n", - "\n", - " X0 = torch.from_numpy( np.transpose(cv2.imread(arguments_strFirst) , (2,0,1)).astype(\"float32\")/ 255.0).type(dtype)\n", - " X1 = torch.from_numpy( np.transpose(cv2.imread(arguments_strSecond) , (2,0,1)).astype(\"float32\")/ 255.0).type(dtype)\n", - "\n", - "\n", - " y_ = torch.FloatTensor()\n", - "\n", - " assert (X0.size(1) == X1.size(1))\n", - " assert (X0.size(2) == X1.size(2))\n", - "\n", - " intWidth = X0.size(2)\n", - " intHeight = X0.size(1)\n", - " channel = X0.size(0)\n", - " if not channel == 3:\n", - " continue\n", - "\n", - " if intWidth != ((intWidth >> 7) << 7):\n", - " intWidth_pad = (((intWidth >> 7) + 1) << 7) # more than necessary\n", - " intPaddingLeft =int(( intWidth_pad - intWidth)/2)\n", - " intPaddingRight = intWidth_pad - intWidth - intPaddingLeft\n", - " else:\n", - " intWidth_pad = intWidth\n", - " intPaddingLeft = 32\n", - " intPaddingRight= 32\n", - "\n", - " if intHeight != ((intHeight >> 7) << 7):\n", - " intHeight_pad = (((intHeight >> 7) + 1) << 7) # more than necessary\n", - " intPaddingTop = int((intHeight_pad - intHeight) / 2)\n", - " intPaddingBottom = intHeight_pad - intHeight - intPaddingTop\n", - " else:\n", - " intHeight_pad = intHeight\n", - " intPaddingTop = 32\n", - " intPaddingBottom = 32\n", - "\n", - " pader = torch.nn.ReplicationPad2d([intPaddingLeft, intPaddingRight , intPaddingTop, intPaddingBottom])\n", - "\n", - " torch.set_grad_enabled(False)\n", - " X0 = Variable(torch.unsqueeze(X0,0))\n", - " X1 = Variable(torch.unsqueeze(X1,0))\n", - " X0 = pader(X0)\n", - " X1 = pader(X1)\n", - "\n", - " if use_cuda:\n", - " X0 = X0.cuda()\n", - " X1 = X1.cuda()\n", - " proc_end = time.time()\n", - " y_s,offset,filter = model(torch.stack((X0, X1),dim = 0))\n", - " y_ = y_s[save_which]\n", - "\n", - " proc_timer.update(time.time() -proc_end)\n", - " tot_timer.update(time.time() - end)\n", - " end = time.time()\n", - " print(\"*****************current image process time \\t \" + str(time.time()-proc_end )+\"s ******************\" )\n", - " if use_cuda:\n", - " X0 = X0.data.cpu().numpy()\n", - " y_ = y_.data.cpu().numpy()\n", - " offset = [offset_i.data.cpu().numpy() for offset_i in offset]\n", - " filter = [filter_i.data.cpu().numpy() for filter_i in filter] if filter[0] is not None else None\n", - " X1 = X1.data.cpu().numpy()\n", - " else:\n", - " X0 = X0.data.numpy()\n", - " y_ = y_.data.numpy()\n", - " offset = [offset_i.data.numpy() for offset_i in offset]\n", - " filter = [filter_i.data.numpy() for filter_i in filter]\n", - " X1 = X1.data.numpy()\n", - "\n", - "\n", - "\n", - " X0 = np.transpose(255.0 * X0.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0))\n", - " y_ = np.transpose(255.0 * y_.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0))\n", - " offset = [np.transpose(offset_i[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0)) for offset_i in offset]\n", - " filter = [np.transpose(\n", - " filter_i[0, :, intPaddingTop:intPaddingTop + intHeight, intPaddingLeft: intPaddingLeft + intWidth],\n", - " (1, 2, 0)) for filter_i in filter] if filter is not None else None\n", - " X1 = np.transpose(255.0 * X1.clip(0,1.0)[0, :, intPaddingTop:intPaddingTop+intHeight, intPaddingLeft: intPaddingLeft+intWidth], (1, 2, 0))\n", - "\n", - "\n", - " cv2.imwrite(arguments_strOut, np.round(y_).astype(numpy.uint8))\n", - "\n", - "\n", - " rec_rgb = cv2.imread(arguments_strOut)\n", - " gt_rgb = cv2.imread(gt_path)\n", - "\n", - " diff_rgb = 128.0 + rec_rgb - gt_rgb\n", - " avg_interp_error_abs = np.mean(np.abs(diff_rgb - 128.0))\n", - "\n", - " interp_error.update(avg_interp_error_abs, 1)\n", - "\n", - " mse = numpy.mean((diff_rgb - 128.0) ** 2)\n", - "\n", - " PIXEL_MAX = 255.0\n", - " psnr = 20 * math.log10(PIXEL_MAX / math.sqrt(mse))\n", - "\n", - " print(\"interpolation error / PSNR : \" + str(round(avg_interp_error_abs,4)) + \" / \" + str(round(psnr,4)))\n", - " metrics = \"The average interpolation error / PSNR for all images are : \" + str(round(interp_error.avg, 4))\n", - " print(metrics)\n", - "\n" - ], - "execution_count": 40, - "outputs": [ - { - "output_type": "stream", - "text": [ - "Overwriting demo_MiddleBury.py\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "cmQFQZVX2U8f", - "colab_type": "code", - "outputId": "f8f6b9d3-e1be-4e4f-b603-ac2fbcaf28c3", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 34 - } - }, - "source": [ - "#current path\n", - "#!pwd" - ], - "execution_count": 0, - "outputs": [ - { - "output_type": "stream", - "text": [ - "/content/DAIN\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "uucecq5T3_lv", - "colab_type": "code", - "outputId": "015e7aa5-33e8-4e5d-e1b2-a07653057de6", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 374 - } - }, - "source": [ - "#create result zip\n", - "#!zip -r myzip \"./MiddleBurySet/other-result-author/\"" - ], - "execution_count": 0, - "outputs": [ - { - "output_type": "stream", - "text": [ - " adding: MiddleBurySet/other-result-author/ (stored 0%)\n", - " adding: MiddleBurySet/other-result-author/.ipynb_checkpoints/ (stored 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/ (stored 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0014.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0002.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0005.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0012.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0004.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0001.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0003.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0006.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0011.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/Beanbags/ (stored 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0010.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0016.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0007.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0008.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0000.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0009.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0015.png (deflated 0%)\n", - " adding: MiddleBurySet/other-result-author/TEST/0013.png (deflated 0%)\n" - ], - "name": "stdout" - } - ] } ] -} +} \ No newline at end of file From 494a145c9e12a21a514a4bc4d9c385dab5190fbc Mon Sep 17 00:00:00 2001 From: Alpha Date: Sun, 8 Mar 2020 17:54:08 -0400 Subject: [PATCH 4/4] Woops, wrong variable --- colab_MiddleBury_slowmotion.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/colab_MiddleBury_slowmotion.py b/colab_MiddleBury_slowmotion.py index a9596f9..a66fbac 100644 --- a/colab_MiddleBury_slowmotion.py +++ b/colab_MiddleBury_slowmotion.py @@ -125,7 +125,7 @@ y_s,offset,filter = model(torch.stack((X0, X1),dim = 0)) y_ = y_s[save_which] - frames_left = output_frame_count - input_frame + frames_left = final_frame - input_frame estimated_seconds_left = frames_left * loop_timer.avg estimated_time_left = datetime.timedelta(seconds=estimated_seconds_left) print(f"******Processed image {input_frame} | Time per image (avg): {loop_timer.avg:2.2f}s | Time left: {estimated_time_left} ******************" )