def main(args): eddl.download_mnist() num_classes = 10 in_ = eddl.Input([28]) layer = in_ layer = eddl.LeakyReLu(eddl.Dense(layer, 32)) layer = eddl.L2(eddl.LSTM(layer, 128), 0.001) ls = layer out = eddl.Softmax(eddl.Dense(layer, num_classes)) net = eddl.Model([in_], [out]) eddl.build( net, eddl.rmsprop(0.001), ["soft_cross_entropy"], ["categorical_accuracy"], eddl.CS_GPU(mem=args.mem) if args.gpu else eddl.CS_CPU(mem=args.mem)) eddl.summary(net) eddl.plot(net, "model.pdf") x_train = Tensor.load("mnist_trX.bin") y_train = Tensor.load("mnist_trY.bin") x_test = Tensor.load("mnist_tsX.bin") y_test = Tensor.load("mnist_tsY.bin") if args.small: x_train = x_train.select([":6000"]) y_train = y_train.select([":6000"]) x_test = x_test.select([":1000"]) y_test = y_test.select([":1000"]) x_train.reshape_([x_train.shape[0], 28, 28]) x_test.reshape_([x_test.shape[0], 28, 28]) y_train.reshape_([y_train.shape[0], 1, 10]) y_test.reshape_([y_test.shape[0], 1, 10]) x_train.div_(255.0) x_test.div_(255.0) for i in range(args.epochs): eddl.fit(net, [x_train], [y_train], args.batch_size, 1) eddl.evaluate(net, [x_test], [y_test], bs=args.batch_size) ls_in = eddl.getInput(ls) ls_in.info() ls_out = eddl.getOutput(ls) ls_out.info() print("All done")
def main(args): num_classes = 1 size = [192, 192] # size of images thresh = 0.5 if args.out_dir: os.makedirs(args.out_dir, exist_ok=True) in_ = eddl.Input([3, size[0], size[1]]) out = SegNet(in_, num_classes) out_sigm = eddl.Sigmoid(out) net = eddl.Model([in_], [out_sigm]) eddl.build(net, eddl.adam(0.0001), ["cross_entropy"], ["mean_squared_error"], eddl.CS_GPU([1]) if args.gpu else eddl.CS_CPU()) eddl.summary(net) eddl.setlogfile(net, "skin_lesion_segmentation") training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ecvl.AugMirror(0.5), ecvl.AugFlip(0.5), ecvl.AugRotate([-180, 180]), ecvl.AugAdditivePoissonNoise([0, 10]), ecvl.AugGammaContrast([0.5, 1.5]), ecvl.AugGaussianBlur([0, 0.8]), ecvl.AugCoarseDropout([0, 0.3], [0.02, 0.05], 0.5) ]) validation_augs = ecvl.SequentialAugmentationContainer( [ecvl.AugResizeDim(size)]) dataset_augs = ecvl.DatasetAugmentations( [training_augs, validation_augs, None]) print("Reading dataset") d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs) x = Tensor([args.batch_size, d.n_channels_, size[0], size[1]]) y = Tensor([args.batch_size, d.n_channels_gt_, size[0], size[1]]) num_samples_train = len(d.GetSplit()) num_batches_train = num_samples_train // args.batch_size d.SetSplit(ecvl.SplitType.validation) num_samples_validation = len(d.GetSplit()) num_batches_validation = num_samples_validation // args.batch_size indices = list(range(args.batch_size)) evaluator = utils.Evaluator() print("Starting training") for e in range(args.epochs): print("Epoch {:d}/{:d} - Training".format(e + 1, args.epochs), flush=True) d.SetSplit(ecvl.SplitType.training) eddl.reset_loss(net) s = d.GetSplit() random.shuffle(s) d.split_.training_ = s d.ResetAllBatches() for b in range(num_batches_train): print("Epoch {:d}/{:d} (batch {:d}/{:d}) - ".format( e + 1, args.epochs, b + 1, num_batches_train), end="", flush=True) d.LoadBatch(x, y) x.div_(255.0) y.div_(255.0) tx, ty = [x], [y] eddl.train_batch(net, tx, ty, indices) eddl.print_loss(net, b) print() print("Saving weights") eddl.save(net, "isic_segmentation_checkpoint_epoch_%s.bin" % e, "bin") d.SetSplit(ecvl.SplitType.validation) evaluator.ResetEval() print("Epoch %d/%d - Evaluation" % (e + 1, args.epochs), flush=True) for b in range(num_batches_validation): n = 0 print("Epoch {:d}/{:d} (batch {:d}/{:d}) ".format( e + 1, args.epochs, b + 1, num_batches_validation), end="", flush=True) d.LoadBatch(x, y) x.div_(255.0) y.div_(255.0) eddl.forward(net, [x]) output = eddl.getOutput(out_sigm) for k in range(args.batch_size): img = output.select([str(k)]) gt = y.select([str(k)]) img_np = np.array(img, copy=False) gt_np = np.array(gt, copy=False) iou = evaluator.BinaryIoU(img_np, gt_np, thresh=thresh) print("- IoU: %.6g " % iou, end="", flush=True) if args.out_dir: # C++ BinaryIoU modifies image as a side effect img_np[img_np >= thresh] = 1 img_np[img_np < thresh] = 0 img_t = ecvl.TensorToView(img) img_t.colortype_ = ecvl.ColorType.GRAY img_t.channels_ = "xyc" img.mult_(255.) # orig_img orig_img = x.select([str(k)]) orig_img.mult_(255.) orig_img_t = ecvl.TensorToImage(orig_img) orig_img_t.colortype_ = ecvl.ColorType.BGR orig_img_t.channels_ = "xyc" tmp, labels = ecvl.Image.empty(), ecvl.Image.empty() ecvl.CopyImage(img_t, tmp, ecvl.DataType.uint8) ecvl.ConnectedComponentsLabeling(tmp, labels) ecvl.CopyImage(labels, tmp, ecvl.DataType.uint8) contours = ecvl.FindContours(tmp) ecvl.CopyImage(orig_img_t, tmp, ecvl.DataType.uint8) tmp_np = np.array(tmp, copy=False) for cseq in contours: for c in cseq: tmp_np[c[0], c[1], 0] = 0 tmp_np[c[0], c[1], 1] = 0 tmp_np[c[0], c[1], 2] = 255 filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext(os.path.basename(filename)) bname = "%s.png" % head output_fn = os.path.join(args.out_dir, bname) ecvl.ImWrite(output_fn, tmp) if e == 0: gt_t = ecvl.TensorToView(gt) gt_t.colortype_ = ecvl.ColorType.GRAY gt_t.channels_ = "xyc" gt.mult_(255.) gt_filename = d.samples_[d.GetSplit()[n]].label_path_ gt_fn = os.path.join(args.out_dir, os.path.basename(gt_filename)) ecvl.ImWrite(gt_fn, gt_t) n += 1 print() print("MIoU: %.6g" % evaluator.MeanMetric())
def main(args): num_classes = 1 size = [192, 192] # size of images thresh = 0.5 if args.out_dir: os.makedirs(args.out_dir, exist_ok=True) in_ = eddl.Input([3, size[0], size[1]]) out = SegNet(in_, num_classes) out_sigm = eddl.Sigmoid(out) net = eddl.Model([in_], [out_sigm]) eddl.build(net, eddl.adam(0.0001), ["cross_entropy"], ["mean_squared_error"], eddl.CS_GPU([1]) if args.gpu else eddl.CS_CPU()) eddl.summary(net) eddl.setlogfile(net, "skin_lesion_segmentation_inference") if not os.path.exists(args.ckpts): raise RuntimeError('Checkpoint "{}" not found'.format(args.ckpts)) eddl.load(net, args.ckpts, "bin") training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ]) test_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ]) dataset_augs = ecvl.DatasetAugmentations([training_augs, None, test_augs]) print("Reading dataset") d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs) x = Tensor([args.batch_size, d.n_channels_, size[0], size[1]]) y = Tensor([args.batch_size, d.n_channels_gt_, size[0], size[1]]) print("Testing") d.SetSplit(ecvl.SplitType.test) num_samples_test = len(d.GetSplit()) num_batches_test = num_samples_test // args.batch_size evaluator = utils.Evaluator() evaluator.ResetEval() for b in range(num_batches_test): n = 0 print("Batch {:d}/{:d} ".format(b + 1, num_batches_test), end="", flush=True) d.LoadBatch(x, y) x.div_(255.0) y.div_(255.0) eddl.forward(net, [x]) output = eddl.getOutput(out_sigm) for k in range(args.batch_size): img = output.select([str(k)]) gt = y.select([str(k)]) img_np, gt_np = np.array(img, copy=False), np.array(gt, copy=False) iou = evaluator.BinaryIoU(img_np, gt_np, thresh=thresh) print("- IoU: %.6g " % iou, end="", flush=True) if args.out_dir: # C++ BinaryIoU modifies image as a side effect img_np[img_np >= thresh] = 1 img_np[img_np < thresh] = 0 img_t = ecvl.TensorToView(img) img_t.colortype_ = ecvl.ColorType.GRAY img_t.channels_ = "xyc" img.mult_(255.) # orig_img orig_img = x.select([str(k)]) orig_img.mult_(255.) orig_img_t = ecvl.TensorToImage(orig_img) orig_img_t.colortype_ = ecvl.ColorType.BGR orig_img_t.channels_ = "xyc" tmp, labels = ecvl.Image.empty(), ecvl.Image.empty() ecvl.CopyImage(img_t, tmp, ecvl.DataType.uint8) ecvl.ConnectedComponentsLabeling(tmp, labels) ecvl.CopyImage(labels, tmp, ecvl.DataType.uint8) contours = ecvl.FindContours(tmp) ecvl.CopyImage(orig_img_t, tmp, ecvl.DataType.uint8) tmp_np = np.array(tmp, copy=False) for cseq in contours: for c in cseq: tmp_np[c[0], c[1], 0] = 0 tmp_np[c[0], c[1], 1] = 0 tmp_np[c[0], c[1], 2] = 255 filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext(os.path.basename(filename)) bname = "%s.png" % head output_fn = os.path.join(args.out_dir, bname) ecvl.ImWrite(output_fn, tmp) gt_t = ecvl.TensorToView(gt) gt_t.colortype_ = ecvl.ColorType.GRAY gt_t.channels_ = "xyc" gt.mult_(255.) gt_filename = d.samples_[d.GetSplit()[n]].label_path_ gt_fn = os.path.join(args.out_dir, os.path.basename(gt_filename)) ecvl.ImWrite(gt_fn, gt_t) n += 1 print() print("MIoU: %.6g" % evaluator.MeanMetric())
def main(args): net_name = "vgg16" num_classes = 2 size = [256, 256] # size of images ### Parse GPU if args.gpu: gpus = [int(i) for i in args.gpu] else: gpus = [] print('GPUs mask: %r' % gpus) ### Get Network net_init = eddl.HeNormal net, dataset_augs = get_net(net_name='vgg16', in_size=size, num_classes=num_classes, lr=args.lr, augs=args.augs_on, gpus=gpus, lsb=args.lsb, init=net_init, dropout=args.dropout, l2_reg=args.l2_reg) out = net.layers[-1] ## Load weights if requested if args.init_weights_fn: print("Loading initialization weights") eddl.load(net, args.init_weights_fn) ## Check options if args.out_dir: working_dir = "model_cnn_%s_ps.%d_bs_%d_lr_%.2e" % ( net_name, size[0], args.batch_size, args.lr) res_dir = os.path.join(args.out_dir, working_dir) try: os.makedirs(res_dir, exist_ok=True) except: print("Directory already exists.") sys.exit() ######################################## ### Set database and read split file ### ######################################## if not args.cassandra_pwd_fn: cass_pass = getpass('Insert Cassandra password: '******'prom', password=cass_pass) #cd = CassandraDataset(ap, ['cassandra_db']) cd = CassandraDataset(ap, ['127.0.0.1'], seed=args.seed) # Check if file exists if Path(args.splits_fn).exists(): # Load splits cd.load_splits(args.splits_fn, batch_size=args.batch_size, augs=dataset_augs) else: print("Split file %s not found" % args.splits_fn) sys.exit(-1) print('Number of batches for each split (train, val, test):', cd.num_batches) ## validation index check and creation of split indexes lists if args.val_split_indexes: n_splits = cd.num_splits out_indexes = [i for i in args.val_split_indexes if i > (n_splits - 1)] if out_indexes: print("Not valid validation split index: %r" % out_indexes) sys.exit(-1) val_splits = args.val_split_indexes test_splits = args.test_split_indexes train_splits = [ i for i in range(n_splits) if (i not in val_splits) and (i not in test_splits) ] num_batches_tr = np.sum([cd.num_batches[i] for i in train_splits]) num_batches_val = np.sum([cd.num_batches[i] for i in val_splits]) print("Train splits: %r" % train_splits) print("Val splits: %r" % val_splits) print("Test splits: %r" % test_splits) else: num_batches_tr = cd.num_batches[0] num_batches_val = cd.num_batches[1] ################################ #### Training and evaluation ### ################################ print("Defining metric...", flush=True) metric_fn = eddl.getMetric("categorical_accuracy") loss_fn = eddl.getLoss("soft_cross_entropy") print("Starting training", flush=True) loss_l = [] acc_l = [] val_loss_l = [] val_acc_l = [] patience_cnt = 0 val_acc_max = 0.0 #### Code used to find best learning rate. Comment it to perform an actual training if args.find_opt_lr: max_epochs = args.epochs lr_start = args.lr lr_end = args.lr_end lr_f = lambda x: 10**(np.log10(lr_start) + ( (np.log10(lr_end) - np.log10(lr_start)) / max_epochs) * x) #### ### Main loop across epochs for e in range(args.epochs): ## SET LT if args.find_opt_lr: eddl.setlr(net, [lr_f(e)]) ### Training cd.current_split = 0 ## Set the training split as the current one print("Epoch {:d}/{:d} - Training".format(e + 1, args.epochs), flush=True) cd.rewind_splits(shuffle=True) eddl.reset_loss(net) total_metric = [] total_loss = [] ### Looping across batches of training data pbar = tqdm(range(num_batches_tr)) for b_index, b in enumerate(pbar): if args.val_split_indexes: x, y = cd.load_batch_cross(not_splits=val_splits + test_splits) else: x, y = cd.load_batch() x.div_(255.0) tx, ty = [x], [y] eddl.train_batch(net, tx, ty) #print bratch train results instances = (b_index + 1) * args.batch_size loss = eddl.get_losses(net)[0] metr = eddl.get_metrics(net)[0] msg = "Epoch {:d}/{:d} (batch {:d}/{:d}) - loss: {:.3f}, acc: {:.3f}".format( e + 1, args.epochs, b + 1, num_batches_tr, loss, metr) pbar.set_postfix_str(msg) total_loss.append(loss) total_metric.append(metr) loss_l.append(np.mean(total_loss)) acc_l.append(np.mean(total_metric)) pbar.close() ### Evaluation on validation set batches cd.current_split = 1 ## Set validation split as the current one total_metric = [] total_loss = [] print("Epoch %d/%d - Evaluation" % (e + 1, args.epochs), flush=True) pbar = tqdm(range(num_batches_val)) for b_index, b in enumerate(pbar): if args.val_split_indexes: x, y = cd.load_batch_cross(not_splits=train_splits + test_splits) else: x, y = cd.load_batch() x.div_(255.0) eddl.forward(net, [x]) output = eddl.getOutput(out) sum_ca = 0.0 ## sum of samples accuracy within a batch sum_ce = 0.0 ## sum of losses within a batch n = 0 for k in range(x.getShape()[0]): result = output.select([str(k)]) target = y.select([str(k)]) ca = metric_fn.value(target, result) ce = loss_fn.value(target, result) total_metric.append(ca) total_loss.append(ce) sum_ca += ca sum_ce += ce n += 1 msg = "Epoch {:d}/{:d} (batch {:d}/{:d}) loss: {:.3f}, acc: {:.3f} ".format( e + 1, args.epochs, b + 1, num_batches_val, (sum_ce / n), (sum_ca / n)) pbar.set_postfix_str(msg) pbar.close() val_batch_acc_avg = np.mean(total_metric) val_batch_loss_avg = np.mean(total_loss) val_loss_l.append(val_batch_loss_avg) val_acc_l.append(val_batch_acc_avg) print("loss: {:.3f}, acc: {:.3f}, val_loss: {:.3f}, val_acc: {:.3f}\n". format(loss_l[-1], acc_l[-1], val_loss_l[-1], val_acc_l[-1])) ## Save weights if args.save_weights: print("Saving weights") path = os.path.join( res_dir, "promort_%s_weights_ep_%s_vacc_%.2f.bin" % (net_name, e, val_acc_l[-1])) eddl.save(net, path, "bin") # Dump history at the end of each epoch so if the job is interrupted data are not lost. if args.out_dir: history = { 'loss': loss_l, 'acc': acc_l, 'val_loss': val_loss_l, 'val_acc': val_acc_l } pickle.dump(history, open(os.path.join(res_dir, 'history.pickle'), 'wb')) ### Patience check if val_acc_l[-1] > val_acc_max: val_acc_max = val_acc_l[-1] patience_cnt = 0 else: patience_cnt += 1 if patience_cnt > args.patience: ## Exit and complete the training print("Got maximum patience... training completed") break
def main(args): num_classes = 1 size = [512, 512] # size of images thresh = 0.5 best_dice = -1 if args.out_dir: os.makedirs(args.out_dir, exist_ok=True) in_ = eddl.Input([1, size[0], size[1]]) out = SegNetBN(in_, num_classes) out_sigm = eddl.Sigmoid(out) net = eddl.Model([in_], [out_sigm]) eddl.build(net, eddl.adam(0.0001), ["cross_entropy"], ["mean_squared_error"], eddl.CS_GPU([1], mem='low_mem') if args.gpu else eddl.CS_CPU()) eddl.summary(net) eddl.setlogfile(net, "pneumothorax_segmentation_training") if args.ckpts and os.path.exists(args.ckpts): print("Loading checkpoints '{}'".format(args.ckpts)) eddl.load(net, args.ckpts, 'bin') training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ecvl.AugMirror(0.5), ecvl.AugRotate([-10, 10]), ecvl.AugBrightness([0, 30]), ecvl.AugGammaContrast([0, 3]), ]) validation_augs = ecvl.SequentialAugmentationContainer( [ecvl.AugResizeDim(size)]) dataset_augs = ecvl.DatasetAugmentations( [training_augs, validation_augs, None]) print("Reading dataset") d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs, ecvl.ColorType.GRAY) # Prepare tensors which store batch x = Tensor([args.batch_size, d.n_channels_, size[0], size[1]]) y = Tensor([args.batch_size, d.n_channels_gt_, size[0], size[1]]) # Retrieve indices of images with a black ground truth # which are not include in a split train_split = d.GetSplit(ecvl.SplitType.training) val_split = d.GetSplit(ecvl.SplitType.validation) test_split = d.GetSplit(ecvl.SplitType.test) all_split = set(train_split + val_split + test_split) images_list = set(range(len(d.samples_))) # Obtain images with black ground truth black_images = images_list - all_split # Add a 25% of training samples with black ground truth. num_samples_train = math.floor(len(train_split) * 1.25) num_batches_train = num_samples_train // args.batch_size # Add a 25% of validation samples with black ground truth. num_samples_validation = math.floor(len(val_split) * 1.25) num_batches_validation = num_samples_validation // args.batch_size black_images = list(black_images) black_training = black_images[0:-(num_samples_validation - len(val_split))] black_validation = black_images[-(num_samples_validation - len(val_split)):] indices = list(range(args.batch_size)) evaluator = utils.Evaluator() print("Starting training") for e in range(args.epochs): print("Epoch {:d}/{:d} - Training".format(e + 1, args.epochs), flush=True) d.SetSplit(ecvl.SplitType.training) eddl.reset_loss(net) s = d.GetSplit() random.shuffle(s) d.split_.training_ = s random.shuffle(black_training) d.ResetAllBatches() # Indices to track mask and black vector in PneumothoraxLoadBatch m_i = 0 b_i = 0 for i, b in enumerate(range(num_batches_train)): d, images, labels, _, m_i, b_i = PneumothoraxLoadBatch( d, black_training, m_i, b_i) x, y = fill_tensors(images, labels, x, y) x.div_(255.0) y.div_(255.0) eddl.train_batch(net, [x], [y], indices) if i % args.log_interval == 0: print("Epoch {:d}/{:d} (batch {:d}/{:d}) - ".format( e + 1, args.epochs, b + 1, num_batches_train), end="", flush=True) eddl.print_loss(net, b) print() d.SetSplit(ecvl.SplitType.validation) evaluator.ResetEval() print("Epoch %d/%d - Evaluation" % (e + 1, args.epochs), flush=True) m_i = 0 b_i = 0 for b in range(num_batches_validation): n = 0 print("Epoch {:d}/{:d} (batch {:d}/{:d}) ".format( e + 1, args.epochs, b + 1, num_batches_validation), end="", flush=True) d, images, labels, names, m_i, b_i = PneumothoraxLoadBatch( d, black_validation, m_i, b_i) x, y = fill_tensors(images, labels, x, y) x.div_(255.0) y.div_(255.0) eddl.forward(net, [x]) output = eddl.getOutput(out_sigm) # Compute Dice metric and optionally save the output images for k in range(args.batch_size): pred = output.select([str(k)]) gt = y.select([str(k)]) pred_np = np.array(pred, copy=False) gt_np = np.array(gt, copy=False) # DiceCoefficient modifies image as a side effect dice = evaluator.DiceCoefficient(pred_np, gt_np, thresh=thresh) print("- Dice: {:.6f} ".format(dice), end="", flush=True) if args.out_dir: # Save original image fused together with prediction and # ground truth pred_np *= 255 pred_ecvl = ecvl.TensorToImage(pred) pred_ecvl.colortype_ = ecvl.ColorType.GRAY pred_ecvl.channels_ = "xyc" ecvl.ResizeDim(pred_ecvl, pred_ecvl, (1024, 1024), ecvl.InterpolationType.nearest) filename_gt = names[n + 1] gt_ecvl = ecvl.ImRead(filename_gt, ecvl.ImReadMode.GRAYSCALE) filename = names[n] # Image as BGR img_ecvl = ecvl.ImRead(filename) ecvl.Stack([img_ecvl, img_ecvl, img_ecvl], img_ecvl) img_ecvl.channels_ = "xyc" img_ecvl.colortype_ = ecvl.ColorType.BGR image_np = np.array(img_ecvl, copy=False) pred_np = np.array(pred_ecvl, copy=False) gt_np = np.array(gt_ecvl, copy=False) pred_np = pred_np.squeeze() gt_np = gt_np.squeeze() # Prediction summed in R channel image_np[:, :, -1] = np.where(pred_np == 255, pred_np, image_np[:, :, -1]) # Ground truth summed in G channel image_np[:, :, 1] = np.where(gt_np == 255, gt_np, image_np[:, :, 1]) n += 2 head, tail = os.path.splitext(os.path.basename(filename)) bname = "{}.png".format(head) filepath = os.path.join(args.out_dir, bname) ecvl.ImWrite(filepath, img_ecvl) print() mean_dice = evaluator.MeanMetric() if mean_dice > best_dice: print("Saving weights") eddl.save( net, "pneumothorax_segnetBN_adam_lr_0.0001_" "loss_ce_size_512_{}.bin".format(e + 1), "bin") best_dice = mean_dice print("Mean Dice Coefficient: {:.6g}".format(mean_dice))
def main(args): num_classes = 1 size = [512, 512] # size of images thresh = 0.5 if args.out_dir: os.makedirs(args.out_dir, exist_ok=True) in_ = eddl.Input([1, size[0], size[1]]) out = SegNetBN(in_, num_classes) out_sigm = eddl.Sigmoid(out) net = eddl.Model([in_], [out_sigm]) eddl.build( net, eddl.adam(0.0001), ["cross_entropy"], ["mean_squared_error"], eddl.CS_GPU([1]) if args.gpu else eddl.CS_CPU() ) eddl.summary(net) eddl.setlogfile(net, "pneumothorax_segmentation_inference") if not os.path.exists(args.ckpts): raise RuntimeError('Checkpoint "{}" not found'.format(args.ckpts)) eddl.load(net, args.ckpts, "bin") training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ]) test_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ]) dataset_augs = ecvl.DatasetAugmentations([training_augs, None, test_augs]) print("Reading dataset") d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs, ecvl.ColorType.GRAY) x = Tensor([args.batch_size, d.n_channels_, size[0], size[1]]) print("Testing") d.SetSplit(ecvl.SplitType.test) num_samples_test = len(d.GetSplit()) num_batches_test = num_samples_test // args.batch_size evaluator = utils.Evaluator() evaluator.ResetEval() for b in range(num_batches_test): n = 0 print("Batch {:d}/{:d} ".format( b + 1, num_batches_test), end="", flush=True) d.LoadBatch(x) x.div_(255.0) eddl.forward(net, [x]) if args.out_dir: output = eddl.getOutput(out_sigm) for k in range(args.batch_size): img = output.select([str(k)]) img_I = ecvl.TensorToImage(img) img_I.colortype_ = ecvl.ColorType.GRAY img_I.channels_ = "xyc" ecvl.Threshold(img_I, img_I, thresh, 255) filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext(os.path.basename(filename)) bname = "{}.png".format(head) output_fn = os.path.join(args.out_dir, bname) ecvl.ImWrite(output_fn, img_I) n += 1 print()
def main(args): net_name = "vgg16" num_classes = 2 size = [256, 256] # size of images ### Get Network net = get_net(in_size=size, num_classes=num_classes, gpu=args.gpu) out = net.layers[-1] ## Load weights if requested print("Loading initialization weights") if args.weights_fn: weights_fn = args.weights_fn elif args.weights_path: weights_fn = get_best_weight_file(args.weights_path) else: print("One of --weights_fn or --weights_path is required") sys.exit(-1) eddl.load(net, weights_fn) ## Check options print("Creating output directory...") working_dir = "%s_%s" % (os.path.basename( args.splits_fn), os.path.basename(weights_fn)) res_dir = os.path.join(args.out_dir, working_dir) os.makedirs(res_dir, exist_ok=True) fn = os.path.join(res_dir, "pred.csv") fd = open(fn, "w") fd.write("patch_id,normal_p,tumor_p,normal_gt,tumor_gt\n") ################################# ### Set database to read data ### ################################# if not args.cassandra_pwd_fn: cass_pass = getpass('Insert Cassandra password: '******'prom', password=cass_pass) #cd = CassandraDataset(ap, ['cassandra_db']) cd = CassandraDataset(ap, ['127.0.0.1']) try: cd.load_splits(args.splits_fn, batch_size=args.batch_size, augs=[]) except: print("Split file not found") sys.exit(-1) print('Number of batches for each split (train, val, test):', cd.num_batches) ################### #### Evaluation ### ################### print("Defining metric...", flush=True) si = args.split_index num_batches = cd.num_batches[si] cd.current_split = si ## Set the current split cd.rewind_splits(shuffle=False) rows = cd.row_keys[cd.split[si]] indexes = cd.current_index[si] eddl.reset_loss(net) metric = eddl.getMetric("categorical_accuracy") ### Evaluation on validation set batches total_metric = [] pbar = tqdm(range(num_batches)) for b_index, b in enumerate(pbar): ids = rows[indexes - cd.batch_size:indexes] n = 0 x, y = cd.load_batch() x.div_(255.0) eddl.forward(net, [x]) output = eddl.getOutput(out) sum_ = 0.0 for k in range(x.getShape()[0]): result = output.select([str(k)]) target = y.select([str(k)]) ca = metric.value(target, result) total_metric.append(ca) sum_ += ca p_id = str(ids[k]['patch_id']) result_np = result.getdata()[0] gt_np = target.getdata()[0] normal_p = result_np[0] tumor_p = result_np[1] normal_gt = gt_np[0] tumor_gt = gt_np[1] fd.write('%s,%.2f,%.2f,%.2f,%.2f\n' % (p_id, normal_p, tumor_p, normal_gt, tumor_gt)) n += 1 indexes = cd.current_index[si] msg = "Batch {:d}/{:d}) - acc: {:.3f} ".format(b + 1, num_batches, (sum_ / n)) pbar.set_postfix_str(msg) pbar.close() fd.close() total_avg = np.mean(total_metric) print("Total categorical accuracy: {:.3f}\n".format(total_avg))
def main(args): num_classes = 8 size = [224, 224] # size of images in_ = eddl.Input([3, size[0], size[1]]) out = VGG16(in_, num_classes) net = eddl.Model([in_], [out]) eddl.build(net, eddl.sgd(0.001, 0.9), ["soft_cross_entropy"], ["categorical_accuracy"], eddl.CS_GPU([1]) if args.gpu else eddl.CS_CPU()) eddl.summary(net) eddl.setlogfile(net, "skin_lesion_classification") training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ecvl.AugMirror(.5), ecvl.AugFlip(.5), ecvl.AugRotate([-180, 180]), ecvl.AugAdditivePoissonNoise([0, 10]), ecvl.AugGammaContrast([0.5, 1.5]), ecvl.AugGaussianBlur([0, 0.8]), ecvl.AugCoarseDropout([0, 0.3], [0.02, 0.05], 0.5) ]) validation_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ]) dataset_augs = ecvl.DatasetAugmentations( [training_augs, validation_augs, None]) print("Reading dataset") d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs) x = Tensor([args.batch_size, d.n_channels_, size[0], size[1]]) y = Tensor([args.batch_size, len(d.classes_)]) num_samples_train = len(d.GetSplit()) num_batches_train = num_samples_train // args.batch_size d.SetSplit(ecvl.SplitType.validation) num_samples_val = len(d.GetSplit()) num_batches_val = num_samples_val // args.batch_size indices = list(range(args.batch_size)) metric = eddl.getMetric("categorical_accuracy") print("Starting training") for e in range(args.epochs): print("Epoch {:d}/{:d} - Training".format(e + 1, args.epochs), flush=True) if args.out_dir: current_path = os.path.join(args.out_dir, "Epoch_%d" % e) for c in d.classes_: c_dir = os.path.join(current_path, c) os.makedirs(c_dir, exist_ok=True) d.SetSplit(ecvl.SplitType.training) eddl.reset_loss(net) total_metric = [] s = d.GetSplit() random.shuffle(s) d.split_.training_ = s d.ResetAllBatches() for b in range(num_batches_train): print("Epoch {:d}/{:d} (batch {:d}/{:d}) - ".format( e + 1, args.epochs, b + 1, num_batches_train), end="", flush=True) d.LoadBatch(x, y) x.div_(255.0) tx, ty = [x], [y] eddl.train_batch(net, tx, ty, indices) eddl.print_loss(net, b) print() print("Saving weights") eddl.save(net, "isic_classification_checkpoint_epoch_%s.bin" % e, "bin") print("Epoch %d/%d - Evaluation" % (e + 1, args.epochs), flush=True) d.SetSplit(ecvl.SplitType.validation) for b in range(num_batches_val): n = 0 print("Epoch {:d}/{:d} (batch {:d}/{:d}) - ".format( e + 1, args.epochs, b + 1, num_batches_val), end="", flush=True) d.LoadBatch(x, y) x.div_(255.0) eddl.forward(net, [x]) output = eddl.getOutput(out) sum_ = 0.0 for k in range(args.batch_size): result = output.select([str(k)]) target = y.select([str(k)]) ca = metric.value(target, result) total_metric.append(ca) sum_ += ca if args.out_dir: result_a = np.array(result, copy=False) target_a = np.array(target, copy=False) classe = np.argmax(result_a).item() gt_class = np.argmax(target_a).item() single_image = x.select([str(k)]) img_t = ecvl.TensorToView(single_image) img_t.colortype_ = ecvl.ColorType.BGR single_image.mult_(255.) filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext(os.path.basename(filename)) bname = "%s_gt_class_%s.png" % (head, gt_class) cur_path = os.path.join(current_path, d.classes_[classe], bname) ecvl.ImWrite(cur_path, img_t) n += 1 print("categorical_accuracy:", sum_ / args.batch_size) total_avg = sum(total_metric) / len(total_metric) print("Total categorical accuracy:", total_avg)
def main(args): eddl.download_flickr() epochs = 2 if args.small else 50 olength = 20 outvs = 2000 embdim = 32 # True: remove last layers and set new top = flatten # new input_size: [3, 256, 256] (from [224, 224, 3]) net = eddl.download_resnet18(True, [3, 256, 256]) lreshape = eddl.getLayer(net, "top") # create a new model from input output image_in = eddl.getLayer(net, "input") # Decoder ldecin = eddl.Input([outvs]) ldec = eddl.ReduceArgMax(ldecin, [0]) ldec = eddl.RandomUniform(eddl.Embedding(ldec, outvs, 1, embdim, True), -0.05, 0.05) ldec = eddl.Concat([ldec, lreshape]) layer = eddl.LSTM(ldec, 512, True) out = eddl.Softmax(eddl.Dense(layer, outvs)) eddl.setDecoder(ldecin) net = eddl.Model([image_in], [out]) # Build model eddl.build( net, eddl.adam(0.01), ["softmax_cross_entropy"], ["accuracy"], eddl.CS_GPU(mem=args.mem) if args.gpu else eddl.CS_CPU(mem=args.mem)) eddl.summary(net) # Load dataset x_train = Tensor.load("flickr_trX.bin", "bin") y_train = Tensor.load("flickr_trY.bin", "bin") if args.small: x_train = x_train.select([f"0:{2 * args.batch_size}", ":", ":", ":"]) y_train = y_train.select([f"0:{2 * args.batch_size}", ":"]) xtrain = Tensor.permute(x_train, [0, 3, 1, 2]) y_train = Tensor.onehot(y_train, outvs) # batch x timesteps x input_dim y_train.reshape_([y_train.shape[0], olength, outvs]) eddl.fit(net, [xtrain], [y_train], args.batch_size, epochs) eddl.save(net, "img2text.bin", "bin") print("\n === INFERENCE ===\n") # Get all the reshapes of the images. Only use the CNN timage = Tensor([x_train.shape[0], 512]) # images reshape cnn = eddl.Model([image_in], [lreshape]) eddl.build( cnn, eddl.adam(0.001), # not relevant ["mse"], # not relevant ["mse"], # not relevant eddl.CS_GPU(mem=args.mem) if args.gpu else eddl.CS_CPU(mem=args.mem)) eddl.summary(cnn) # forward images xbatch = Tensor([args.batch_size, 3, 256, 256]) # numbatches = x_train.shape[0] / args.batch_size j = 0 eddl.next_batch([x_train], [xbatch]) eddl.forward(cnn, [xbatch]) ybatch = eddl.getOutput(lreshape) sample = str(j * args.batch_size) + ":" + str((j + 1) * args.batch_size) timage.set_select([sample, ":"], ybatch) # Create Decoder non recurrent for n-best ldecin = eddl.Input([outvs]) image = eddl.Input([512]) lstate = eddl.States([2, 512]) ldec = eddl.ReduceArgMax(ldecin, [0]) ldec = eddl.RandomUniform(eddl.Embedding(ldec, outvs, 1, embdim), -0.05, 0.05) ldec = eddl.Concat([ldec, image]) lstm = eddl.LSTM([ldec, lstate], 512, True) lstm.isrecurrent = False # Important out = eddl.Softmax(eddl.Dense(lstm, outvs)) decoder = eddl.Model([ldecin, image, lstate], [out]) eddl.build( decoder, eddl.adam(0.001), # not relevant ["softmax_cross_entropy"], # not relevant ["accuracy"], # not relevant eddl.CS_GPU(mem=args.mem) if args.gpu else eddl.CS_CPU(mem=args.mem)) eddl.summary(decoder) # Copy params from trained net eddl.copyParam(eddl.getLayer(net, "LSTM1"), eddl.getLayer(decoder, "LSTM2")) eddl.copyParam(eddl.getLayer(net, "dense1"), eddl.getLayer(decoder, "dense2")) eddl.copyParam(eddl.getLayer(net, "embedding1"), eddl.getLayer(decoder, "embedding2")) # N-best for sample s s = 1 if args.small else 100 # sample 100 # three input tensors with batch_size = 1 (one sentence) treshape = timage.select([str(s), ":"]) text = y_train.select([str(s), ":", ":"]) # 1 x olength x outvs for j in range(olength): print(f"Word: {j}") word = None if j == 0: word = Tensor.zeros([1, outvs]) else: word = text.select(["0", str(j - 1), ":"]) word.reshape_([1, outvs]) # batch = 1 treshape.reshape_([1, 512]) # batch = 1 state = Tensor.zeros([1, 2, 512]) # batch = 1 input_ = [word, treshape, state] eddl.forward(decoder, input_) # outword = eddl.getOutput(out) vstates = eddl.getStates(lstm) for i in range(len(vstates)): vstates[i].reshape_([1, 1, 512]) state.set_select([":", str(i), ":"], vstates[i]) print("All done")
def main(args): num_classes = 8 size = [224, 224] # size of images in_ = eddl.Input([3, size[0], size[1]]) out = VGG16(in_, num_classes) net = eddl.Model([in_], [out]) eddl.build(net, eddl.sgd(0.001, 0.9), ["soft_cross_entropy"], ["categorical_accuracy"], eddl.CS_GPU([1]) if args.gpu else eddl.CS_CPU()) eddl.summary(net) eddl.setlogfile(net, "skin_lesion_classification_inference") training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ]) test_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(size), ]) dataset_augs = ecvl.DatasetAugmentations([training_augs, None, test_augs]) print("Reading dataset") d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs) if args.out_dir: for c in d.classes_: os.makedirs(os.path.join(args.out_dir, c), exist_ok=True) x = Tensor([args.batch_size, d.n_channels_, size[0], size[1]]) y = Tensor([args.batch_size, len(d.classes_)]) d.SetSplit(ecvl.SplitType.test) num_samples = len(d.GetSplit()) num_batches = num_samples // args.batch_size metric = eddl.getMetric("categorical_accuracy") total_metric = [] if not os.path.exists(args.ckpts): raise RuntimeError('Checkpoint "{}" not found'.format(args.ckpts)) eddl.load(net, args.ckpts, "bin") print("Testing") for b in range(num_batches): n = 0 print("Batch {:d}/{:d}".format(b + 1, num_batches)) d.LoadBatch(x, y) x.div_(255.0) eddl.forward(net, [x]) output = eddl.getOutput(out) sum_ = 0.0 for j in range(args.batch_size): result = output.select([str(j)]) target = y.select([str(j)]) ca = metric.value(target, result) total_metric.append(ca) sum_ += ca if args.out_dir: result_a = np.array(result, copy=False) target_a = np.array(target, copy=False) classe = np.argmax(result_a).item() gt_class = np.argmax(target_a).item() single_image = x.select([str(j)]) img_t = ecvl.TensorToView(single_image) img_t.colortype_ = ecvl.ColorType.BGR single_image.mult_(255.) filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext(os.path.basename(filename)) bname = "%s_gt_class_%s.png" % (head, gt_class) cur_path = os.path.join(args.out_dir, d.classes_[classe], bname) ecvl.ImWrite(cur_path, img_t) n += 1 print("categorical_accuracy:", sum_ / args.batch_size) total_avg = sum(total_metric) / len(total_metric) print("Total categorical accuracy:", total_avg)
def main(args): batch_size = args.batch_size image_size = args.size, args.size thresh = 0.5 if args.weights: os.makedirs(args.weights, exist_ok=True) training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(image_size, ecvl.InterpolationType.cubic, gt_interp=ecvl.InterpolationType.nearest), ecvl.AugMirror(.5), ecvl.AugFlip(.5), ecvl.AugRotate([-180, 180]), ecvl.AugAdditivePoissonNoise([0, 10]), ecvl.AugGammaContrast([0.5, 1.5]), ecvl.AugGaussianBlur([0, 0.8]), ecvl.AugCoarseDropout([0, 0.03], [0.02, 0.05], 0.25), ecvl.AugToFloat32(255, divisor_gt=255), ecvl.AugNormalize([0.6681, 0.5301, 0.5247], [0.1337, 0.1480, 0.1595]), # isic stats ]) validation_test_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(image_size, ecvl.InterpolationType.cubic, gt_interp=ecvl.InterpolationType.nearest), ecvl.AugToFloat32(255, divisor_gt=255), ecvl.AugNormalize([0.6681, 0.5301, 0.5247], [0.1337, 0.1480, 0.1595]), # isic stats ]) dataset_augs = ecvl.DatasetAugmentations( [training_augs, validation_test_augs, validation_test_augs]) print('Reading dataset') d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs, ctype=ecvl.ColorType.RGB) num_classes = len(d.classes_) or d.n_channels_gt_ size = d.n_channels_, args.size, args.size if args.ckpts: net = eddl.import_net_from_onnx_file(args.ckpts, size) else: in_ = eddl.Input(size) out = Unet(in_, num_classes) out_sigm = eddl.Sigmoid(out) net = eddl.Model([in_], [out_sigm]) # model_path = utils.DownloadModel(segmentation_zoo[args.model]['url'], f'{args.model}.onnx', 'model_onnx') # net = eddl.import_net_from_onnx_file(model_path, size) # eddl.removeLayer(net, segmentation_zoo[args.model]['to_remove']) # top = eddl.getLayer(net, segmentation_zoo[args.model]['top']) # # out = eddl.Sigmoid(eddl.Conv(top, num_classes, [3, 3], name='last_layer')) # data_input = eddl.getLayer(net, segmentation_zoo[args.model]['input']) # input of the onnx # net = eddl.Model([data_input], [out]) loss_name = 'binary_cross_entropy' metric_name = 'mean_squared_error' eddl.build( net, eddl.adam(args.learning_rate), [loss_name], [metric_name], eddl.CS_GPU(args.gpu, mem="low_mem") if args.gpu else eddl.CS_CPU(), True) out = eddl.getOut(net)[0] # if not args.ckpts: # eddl.initializeLayer(net, "last_layer") eddl.summary(net) eddl.setlogfile(net, 'skin_lesion_segmentation') x = Tensor([args.batch_size, *size]) y = Tensor([args.batch_size, d.n_channels_gt_, size[1], size[2]]) miou = 0. if args.train: num_samples_train = len(d.GetSplit()) num_batches_train = num_samples_train // args.batch_size num_samples_val = len(d.GetSplit(ecvl.SplitType.validation)) num_batches_val = num_samples_val // args.batch_size evaluator = utils.Evaluator() print('Starting training') for e in range(args.epochs): d.SetSplit(ecvl.SplitType.training) eddl.reset_loss(net) s = d.GetSplit() random.shuffle(s) d.split_.training_ = s d.ResetAllBatches() for b in range(num_batches_train): d.LoadBatch(x, y) # x_ = x.select(["0"]) # x_.normalize_(0, 1) # x_.mult_(255.) # x_.save(f'images/train_{e}_{b}.png') # # y_ = y.select(["0"]) # # y_.mult_(255.) # y_.save(f'images/train_gt_{e}_{b}.png') eddl.train_batch(net, [x], [y]) losses = eddl.get_losses(net) metrics = eddl.get_metrics(net) print( f'Train - epoch [{e + 1}/{args.epochs}] - batch [{b + 1}/{num_batches_train}]' f' - {loss_name}={losses[0]:.3f} - {metric_name}={metrics[0]:.3f}', flush=True) d.SetSplit(ecvl.SplitType.validation) evaluator.ResetEval() eddl.reset_loss(net) for b in range(num_batches_val): n = 0 print( f'Validation - epoch [{e + 1}/{args.epochs}] - batch [{b + 1}/{num_batches_val}]' ) d.LoadBatch(x, y) eddl.forward(net, [x]) output = eddl.getOutput(out) for bs in range(args.batch_size): img = output.select([str(bs)]) gt = y.select([str(bs)]) img_np = np.array(img, copy=False) gt_np = np.array(gt, copy=False) iou = evaluator.BinaryIoU(img_np, gt_np, thresh=thresh) print(f' - IoU: {iou:.3f}', end="", flush=True) if args.out_dir: # C++ BinaryIoU modifies image as a side effect img_np[img_np >= thresh] = 1 img_np[img_np < thresh] = 0 img_t = ecvl.TensorToView(img) img_t.colortype_ = ecvl.ColorType.GRAY img_t.channels_ = "xyc" img.mult_(255.) # orig_img orig_img = x.select([str(bs)]) orig_img.mult_(255.) orig_img_t = ecvl.TensorToImage(orig_img) orig_img_t.colortype_ = ecvl.ColorType.BGR orig_img_t.channels_ = "xyc" tmp, labels = ecvl.Image.empty(), ecvl.Image.empty() ecvl.CopyImage(img_t, tmp, ecvl.DataType.uint8) ecvl.ConnectedComponentsLabeling(tmp, labels) ecvl.CopyImage(labels, tmp, ecvl.DataType.uint8) contours = ecvl.FindContours(tmp) ecvl.CopyImage(orig_img_t, tmp, ecvl.DataType.uint8) tmp_np = np.array(tmp, copy=False) for cseq in contours: for c in cseq: tmp_np[c[0], c[1], 0] = 0 tmp_np[c[0], c[1], 1] = 0 tmp_np[c[0], c[1], 2] = 255 filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext( os.path.basename(filename)) bname = "%s.png" % head output_fn = os.path.join(args.out_dir, bname) ecvl.ImWrite(output_fn, tmp) if e == 0: gt_t = ecvl.TensorToView(gt) gt_t.colortype_ = ecvl.ColorType.GRAY gt_t.channels_ = "xyc" gt.mult_(255.) gt_filename = d.samples_[d.GetSplit() [n]].label_path_ gt_fn = os.path.join(args.out_dir, os.path.basename(gt_filename)) ecvl.ImWrite(gt_fn, gt_t) n += 1 print() last_miou = evaluator.MIoU() print( f'Validation - epoch [{e + 1}/{args.epochs}] - Total MIoU: {last_miou:.3f}' ) if last_miou > miou: miou = last_miou eddl.save_net_to_onnx_file( net, os.path.join(args.weights, f'isic_segm_{args.model}_epoch_{e + 1}.onnx')) print('Weights saved') elif args.test: evaluator = utils.Evaluator() evaluator.ResetEval() d.SetSplit(ecvl.SplitType.test) num_samples_test = len(d.GetSplit()) num_batches_test = num_samples_test // batch_size for b in range(num_batches_test): n = 0 print(f'Test - batch [{b + 1}/{num_batches_test}]') d.LoadBatch(x, y) eddl.forward(net, [x]) output = eddl.getOutput(out) for bs in range(args.batch_size): img = output.select([str(bs)]) gt = y.select([str(bs)]) img_np, gt_np = np.array(img, copy=False), np.array(gt, copy=False) iou = evaluator.BinaryIoU(img_np, gt_np, thresh=thresh) print(f' - IoU: {iou:.3f}', end="", flush=True) if args.out_dir: # C++ BinaryIoU modifies image as a side effect img_np[img_np >= thresh] = 1 img_np[img_np < thresh] = 0 img_t = ecvl.TensorToView(img) img_t.colortype_ = ecvl.ColorType.GRAY img_t.channels_ = "xyc" img.mult_(255.) # orig_img orig_img = x.select([str(bs)]) orig_img.mult_(255.) orig_img_t = ecvl.TensorToImage(orig_img) orig_img_t.colortype_ = ecvl.ColorType.BGR orig_img_t.channels_ = "xyc" tmp, labels = ecvl.Image.empty(), ecvl.Image.empty() ecvl.CopyImage(img_t, tmp, ecvl.DataType.uint8) ecvl.ConnectedComponentsLabeling(tmp, labels) ecvl.CopyImage(labels, tmp, ecvl.DataType.uint8) contours = ecvl.FindContours(tmp) ecvl.CopyImage(orig_img_t, tmp, ecvl.DataType.uint8) tmp_np = np.array(tmp, copy=False) for cseq in contours: for c in cseq: tmp_np[c[0], c[1], 0] = 0 tmp_np[c[0], c[1], 1] = 0 tmp_np[c[0], c[1], 2] = 255 filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext(os.path.basename(filename)) bname = "%s.png" % head output_fn = os.path.join(args.out_dir, bname) ecvl.ImWrite(output_fn, tmp) gt_t = ecvl.TensorToView(gt) gt_t.colortype_ = ecvl.ColorType.GRAY gt_t.channels_ = "xyc" gt.mult_(255.) gt_filename = d.samples_[d.GetSplit()[n]].label_path_ gt_fn = os.path.join(args.out_dir, os.path.basename(gt_filename)) ecvl.ImWrite(gt_fn, gt_t) n += 1 miou = evaluator.MIoU() print(f'Test - Total MIoU: {miou:.3f}')
def main(args): batch_size = args.batch_size image_size = args.size, args.size if args.weights: os.makedirs(args.weights, exist_ok=True) training_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(image_size, ecvl.InterpolationType.cubic), ecvl.AugMirror(.5), ecvl.AugFlip(.5), ecvl.AugRotate([-180, 180]), ecvl.AugAdditivePoissonNoise([0, 10]), ecvl.AugGammaContrast([0.5, 1.5]), ecvl.AugGaussianBlur([0, 0.8]), ecvl.AugCoarseDropout([0, 0.03], [0.02, 0.05], 0.25), ecvl.AugToFloat32(255), ]) validation_test_augs = ecvl.SequentialAugmentationContainer([ ecvl.AugResizeDim(image_size), ecvl.AugToFloat32(255), ]) dataset_augs = ecvl.DatasetAugmentations( [training_augs, validation_test_augs, validation_test_augs]) print('Reading dataset') d = ecvl.DLDataset(args.in_ds, args.batch_size, dataset_augs, ctype=ecvl.ColorType.RGB) num_classes = len(d.classes_) size = d.n_channels_, args.size, args.size if args.ckpts: net = eddl.import_net_from_onnx_file(args.ckpts, size) else: model_path = utils.DownloadModel(classification_zoo[args.model]['url'], f'{args.model}.onnx', 'model_onnx') net = eddl.import_net_from_onnx_file(model_path, size) eddl.removeLayer(net, classification_zoo[args.model] ['to_remove']) # remove last Linear of resnet top = eddl.getLayer( net, classification_zoo[args.model]['top']) # get flatten of resnet out = eddl.Softmax(eddl.Dense(top, num_classes, True, 'classifier')) # true is for the bias data_input = eddl.getLayer( net, classification_zoo[args.model]['input']) # input of the onnx net = eddl.Model([data_input], [out]) eddl.build( net, eddl.adam(args.learning_rate), ['softmax_cross_entropy'], ['accuracy'], eddl.CS_GPU(args.gpu, mem="low_mem") if args.gpu else eddl.CS_CPU(), False) out = eddl.getOut(net)[0] if not args.ckpts: eddl.initializeLayer(net, "classifier") eddl.summary(net) eddl.setlogfile(net, 'skin_lesion_classification') x = Tensor([batch_size, *size]) y = Tensor([batch_size, num_classes]) metric_fn = eddl.getMetric('accuracy') best_accuracy = 0. if args.train: num_samples_train = len(d.GetSplit()) num_batches_train = num_samples_train // args.batch_size num_samples_val = len(d.GetSplit(ecvl.SplitType.validation)) num_batches_val = num_samples_val // args.batch_size print('Starting training') for e in range(args.epochs): if args.out_dir: current_path = os.path.join(args.out_dir, f'Epoch_{e}') for c in d.classes_: c_dir = os.path.join(current_path, c) os.makedirs(c_dir, exist_ok=True) d.SetSplit(ecvl.SplitType.training) eddl.reset_loss(net) s = d.GetSplit() random.shuffle(s) d.split_.training_ = s d.ResetAllBatches() for b in range(num_batches_train): d.LoadBatch(x, y) eddl.train_batch(net, [x], [y]) losses = eddl.get_losses(net) metrics = eddl.get_metrics(net) print( f'Train - epoch [{e + 1}/{args.epochs}] - batch [{b + 1}/{num_batches_train}]' f' - loss={losses[0]:.3f} - accuracy={metrics[0]:.3f}', flush=True) d.SetSplit(ecvl.SplitType.validation) values = np.zeros(num_batches_val) eddl.reset_loss(net) for b in range(num_batches_val): n = 0 d.LoadBatch(x, y) eddl.forward(net, [x]) output = eddl.getOutput(out) value = metric_fn.value(y, output) values[b] = value if args.out_dir: for k in range(args.batch_size): result = output.select([str(k)]) target = y.select([str(k)]) result_a = np.array(result, copy=False) target_a = np.array(target, copy=False) classe = np.argmax(result_a).item() gt_class = np.argmax(target_a).item() single_image = x.select([str(k)]) img_t = ecvl.TensorToView(single_image) img_t.colortype_ = ecvl.ColorType.BGR single_image.mult_(255.) filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext( os.path.basename(filename)) bname = '{}_gt_class_{}.png'.format(head, gt_class) cur_path = os.path.join(current_path, d.classes_[classe], bname) ecvl.ImWrite(cur_path, img_t) n += 1 print( f'Validation - epoch [{e + 1}/{args.epochs}] - batch [{b + 1}/{num_batches_val}] -' f' accuracy={np.mean(values[:b + 1] / batch_size):.3f}') last_accuracy = np.mean(values / batch_size) print( f'Validation - epoch [{e + 1}/{args.epochs}] - total accuracy={last_accuracy:.3f}' ) if last_accuracy > best_accuracy: best_accuracy = last_accuracy print('Saving weights') eddl.save_net_to_onnx_file( net, f'isic_classification_{args.model}_epoch_{e + 1}.onnx') elif args.test: d.SetSplit(ecvl.SplitType.test) num_samples_test = len(d.GetSplit()) num_batches_test = num_samples_test // batch_size values = np.zeros(num_batches_test) eddl.reset_loss(net) for b in range(num_batches_test): d.LoadBatch(x, y) eddl.forward(net, [x]) output = eddl.getOutput(out) value = metric_fn.value(y, output) values[b] = value if args.out_dir: n = 0 for k in range(args.batch_size): result = output.select([str(k)]) target = y.select([str(k)]) result_a = np.array(result, copy=False) target_a = np.array(target, copy=False) classe = np.argmax(result_a).item() gt_class = np.argmax(target_a).item() single_image = x.select([str(k)]) img_t = ecvl.TensorToView(single_image) img_t.colortype_ = ecvl.ColorType.BGR single_image.mult_(255.) filename = d.samples_[d.GetSplit()[n]].location_[0] head, tail = os.path.splitext(os.path.basename(filename)) bname = "%s_gt_class_%s.png" % (head, gt_class) cur_path = os.path.join(args.out_dir, d.classes_[classe], bname) ecvl.ImWrite(cur_path, img_t) n += 1 print( f'Test - batch [{b + 1}/{num_batches_test}] - accuracy={np.mean(values[:b + 1] / batch_size):.3f}' ) print(f'Test - total accuracy={np.mean(values / batch_size):.3f}')
def main(args): eddl.download_drive() in_1 = eddl.Input([3, 584, 584]) in_2 = eddl.Input([1, 584, 584]) layer = eddl.Concat([in_1, in_2]) layer = eddl.RandomCropScale(layer, [0.9, 1.0]) layer = eddl.CenteredCrop(layer, [512, 512]) img = eddl.Select(layer, ["0:3"]) mask = eddl.Select(layer, ["3"]) # DA net danet = eddl.Model([in_1, in_2], []) eddl.build(danet) if args.gpu: eddl.toGPU(danet, mem="low_mem") eddl.summary(danet) # SegNet in_ = eddl.Input([3, 512, 512]) out = eddl.Sigmoid(UNetWithPadding(in_)) segnet = eddl.Model([in_], [out]) eddl.build( segnet, eddl.adam(0.00001), # Optimizer ["mse"], # Losses ["mse"], # Metrics eddl.CS_GPU(mem=args.mem) if args.gpu else eddl.CS_CPU(mem=args.mem) ) eddl.summary(segnet) print("Reading training data") # x_train_f = Tensor.fromarray(np.load("drive_trX.npy").astype(np.float32)) x_train_f = Tensor.load("drive_trX.bin") x_train = x_train_f.permute([0, 3, 1, 2]) x_train.info() x_train.div_(255.0) print("Reading test data") # y_train = Tensor.fromarray(np.load("drive_trY.npy").astype(np.float32)) y_train = Tensor.load("drive_trY.bin") y_train.info() y_train.reshape_([20, 1, 584, 584]) y_train.div_(255.0) xbatch = Tensor([args.batch_size, 3, 584, 584]) ybatch = Tensor([args.batch_size, 1, 584, 584]) print("Starting training") for i in range(args.epochs): print("\nEpoch %d/%d" % (i + 1, args.epochs)) eddl.reset_loss(segnet) for j in range(args.num_batches): eddl.next_batch([x_train, y_train], [xbatch, ybatch]) # DA net eddl.forward(danet, [xbatch, ybatch]) xbatch_da = eddl.getOutput(img) ybatch_da = eddl.getOutput(mask) # SegNet eddl.train_batch(segnet, [xbatch_da], [ybatch_da]) eddl.print_loss(segnet, j) if i == args.epochs - 1: yout = eddl.getOutput(out).select(["0"]) yout.save("./out_%d.jpg" % j) print() print("All done")