Merge branch 'master' of http://frd-git/scm/axon/smart_augmentation
0
higher/augmentation_transforms.py
Normal file → Executable file
0
higher/compare_res.py
Normal file → Executable file
95
higher/datasets.py
Normal file → Executable file
|
@ -34,15 +34,18 @@ from PIL import Image
|
|||
import augmentation_transforms
|
||||
import numpy as np
|
||||
|
||||
download_data=False
|
||||
|
||||
class AugmentedDataset(VisionDataset):
|
||||
def __init__(self, root, train=True, transform=None, target_transform=None, download=False):
|
||||
def __init__(self, root, train=True, transform=None, target_transform=None, download=False, subset=None):
|
||||
|
||||
super(AugmentedDataset, self).__init__(root, transform=transform, target_transform=target_transform)
|
||||
|
||||
supervised_dataset = torchvision.datasets.CIFAR10(root, train=train, download=download, transform=transform)
|
||||
|
||||
self.sup_data = supervised_dataset.data
|
||||
self.sup_targets = supervised_dataset.targets
|
||||
self.sup_data = supervised_dataset.data if not subset else supervised_dataset.data[subset[0]:subset[1]]
|
||||
self.sup_targets = supervised_dataset.targets if not subset else supervised_dataset.targets[subset[0]:subset[1]]
|
||||
assert len(self.sup_data)==len(self.sup_targets)
|
||||
|
||||
for idx, img in enumerate(self.sup_data):
|
||||
self.sup_data[idx]= Image.fromarray(img) #to PIL Image
|
||||
|
@ -53,11 +56,36 @@ class AugmentedDataset(VisionDataset):
|
|||
self.data= self.sup_data
|
||||
self.targets= self.sup_targets
|
||||
|
||||
self.dataset_info= {
|
||||
'name': 'CIFAR10',
|
||||
'sup': len(self.sup_data),
|
||||
'unsup': len(self.unsup_data),
|
||||
'length': len(self.sup_data)+len(self.unsup_data),
|
||||
}
|
||||
|
||||
|
||||
self._TF = [
|
||||
'Invert', 'Cutout', 'Sharpness', 'AutoContrast', 'Posterize',
|
||||
'ShearX', 'TranslateX', 'TranslateY', 'ShearY', 'Rotate',
|
||||
'Equalize', 'Contrast', 'Color', 'Solarize', 'Brightness']
|
||||
## Geometric TF ##
|
||||
'Rotate',
|
||||
'TranslateX',
|
||||
'TranslateY',
|
||||
'ShearX',
|
||||
'ShearY',
|
||||
|
||||
'Cutout',
|
||||
|
||||
## Color TF ##
|
||||
'Contrast',
|
||||
'Color',
|
||||
'Brightness',
|
||||
'Sharpness',
|
||||
#'Posterize',
|
||||
#'Solarize',
|
||||
|
||||
'Invert',
|
||||
'AutoContrast',
|
||||
'Equalize',
|
||||
]
|
||||
self._op_list =[]
|
||||
self.prob=0.5
|
||||
for tf in self._TF:
|
||||
|
@ -95,50 +123,57 @@ class AugmentedDataset(VisionDataset):
|
|||
policies += [[op_1, op_2]]
|
||||
|
||||
for idx, image in enumerate(self.sup_data):
|
||||
if (idx/self.dataset_info['sup'])%0.2==0: print("Augmenting data... ", idx,"/", self.dataset_info['sup'])
|
||||
#if idx==10000:break
|
||||
|
||||
for _ in range(aug_copy):
|
||||
chosen_policy = policies[np.random.choice(len(policies))]
|
||||
aug_image = augmentation_transforms.apply_policy(chosen_policy, image)
|
||||
aug_image = augmentation_transforms.apply_policy(chosen_policy, image, use_mean_std=False) #Cast en float image
|
||||
#aug_image = augmentation_transforms.cutout_numpy(aug_image)
|
||||
|
||||
self.unsup_data+=[aug_image]
|
||||
self.unsup_data+=[(aug_image*255.).astype(self.sup_data.dtype)]#Cast float image to uint8
|
||||
self.unsup_targets+=[self.sup_targets[idx]]
|
||||
|
||||
print(type(self.data), type(self.sup_data), type(self.unsup_data))
|
||||
print(len(self.data), len(self.sup_data), len(self.unsup_data))
|
||||
#self.data= self.sup_data+self.unsup_data
|
||||
#self.unsup_data=(np.array(self.unsup_data)*255.).astype(self.sup_data.dtype) #Cast float image to uint8
|
||||
self.unsup_data=np.array(self.unsup_data)
|
||||
self.data= np.concatenate((self.sup_data, self.unsup_data), axis=0)
|
||||
print(len(self.data))
|
||||
self.targets= self.sup_targets+self.unsup_targets
|
||||
self.targets= np.concatenate((self.sup_targets, self.unsup_targets), axis=0)
|
||||
|
||||
assert len(self.unsup_data)==len(self.unsup_targets)
|
||||
assert len(self.data)==len(self.targets)
|
||||
self.dataset_info['unsup']=len(self.unsup_data)
|
||||
self.dataset_info['length']=self.dataset_info['sup']+self.dataset_info['unsup']
|
||||
|
||||
def len_supervised(self):
|
||||
return len(self.sup_data)
|
||||
return self.dataset_info['sup']
|
||||
|
||||
def len_unsupervised(self):
|
||||
return len(self.unsup_data)
|
||||
return self.dataset_info['unsup']
|
||||
|
||||
def __len__(self):
|
||||
return len(self.data)
|
||||
return self.dataset_info['length']
|
||||
|
||||
def __str__(self):
|
||||
return "CIFAR10(Sup:{}-Unsup:{}-{}TF)".format(self.dataset_info['sup'], self.dataset_info['unsup'], len(self._TF))
|
||||
|
||||
### Classic Dataset ###
|
||||
data_train = torchvision.datasets.CIFAR10("./data", train=True, download=download_data, transform=transform)
|
||||
#data_val = torchvision.datasets.CIFAR10("./data", train=True, download=download_data, transform=transform)
|
||||
data_test = torchvision.datasets.CIFAR10("./data", train=False, download=download_data, transform=transform)
|
||||
|
||||
|
||||
data_train = torchvision.datasets.CIFAR10("./data", train=True, download=True, transform=transform)
|
||||
#print(len(data_train))
|
||||
#data_train = AugmentedDataset("./data", train=True, download=True, transform=transform)
|
||||
#print(len(data_train), data_train.len_supervised(), data_train.len_unsupervised())
|
||||
#data_train.augement_data()
|
||||
#print(len(data_train), data_train.len_supervised(), data_train.len_unsupervised())
|
||||
#data_val = torchvision.datasets.CIFAR10(
|
||||
# "./data", train=True, download=True, transform=transform
|
||||
#)
|
||||
data_test = torchvision.datasets.CIFAR10(
|
||||
"./data", train=False, download=True, transform=transform
|
||||
)
|
||||
#'''
|
||||
train_subset_indices=range(int(len(data_train)/2))
|
||||
val_subset_indices=range(int(len(data_train)/2),len(data_train))
|
||||
#train_subset_indices=range(BATCH_SIZE*10)
|
||||
#val_subset_indices=range(BATCH_SIZE*10, BATCH_SIZE*20)
|
||||
|
||||
dl_train = torch.utils.data.DataLoader(data_train, batch_size=BATCH_SIZE, shuffle=False, sampler=SubsetRandomSampler(train_subset_indices))
|
||||
|
||||
### Augmented Dataset ###
|
||||
#data_train_aug = AugmentedDataset("./data", train=True, download=download_data, transform=transform, subset=(0,int(len(data_train)/2)))
|
||||
#data_train_aug.augement_data(aug_copy=10)
|
||||
#print(data_train_aug)
|
||||
#dl_train = torch.utils.data.DataLoader(data_train_aug, batch_size=BATCH_SIZE, shuffle=True)
|
||||
|
||||
|
||||
dl_val = torch.utils.data.DataLoader(data_train, batch_size=BATCH_SIZE, shuffle=False, sampler=SubsetRandomSampler(val_subset_indices))
|
||||
dl_test = torch.utils.data.DataLoader(data_test, batch_size=TEST_SIZE, shuffle=False)
|
||||
|
|
0
higher/dataug.py
Normal file → Executable file
2
higher/model.py
Normal file → Executable file
|
@ -94,6 +94,8 @@ class NetworkBlock(nn.Module):
|
|||
def forward(self, x):
|
||||
return self.layer(x)
|
||||
|
||||
|
||||
#wrn_size: 32 = WRN-28-2 ? 160 = WRN-28-10
|
||||
class WideResNet(nn.Module):
|
||||
#def __init__(self, depth, num_classes, widen_factor=1, dropRate=0.0):
|
||||
def __init__(self, num_classes, wrn_size, depth=28, dropRate=0.0):
|
||||
|
|
0
higher/res/Aug_mod(Data_augV4(Uniform-11 TF)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 113 KiB After Width: | Height: | Size: 113 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-14 TF x 1)-LeNet)-100 epochs (dataug:0)- 10 in_it (SOFT).png
Normal file → Executable file
Before Width: | Height: | Size: 127 KiB After Width: | Height: | Size: 127 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-14 TF x 2)-LeNet)-10 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 75 KiB After Width: | Height: | Size: 75 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-14 TF x 2)-LeNet)-100 epochs (dataug:0)- 0 in_it (SOFT).png
Normal file → Executable file
Before Width: | Height: | Size: 56 KiB After Width: | Height: | Size: 56 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-14 TF x 2)-LeNet)-100 epochs (dataug:0)- 10 in_it (SOFT).png
Normal file → Executable file
Before Width: | Height: | Size: 114 KiB After Width: | Height: | Size: 114 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-14 TF x 2)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 102 KiB After Width: | Height: | Size: 102 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-14 TF x 2)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 130 KiB After Width: | Height: | Size: 130 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-14 TF x 2)-WideResNet(s16-d28))-10 epochs (dataug:0)- 2 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 106 KiB After Width: | Height: | Size: 106 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-2 TF)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 45 KiB After Width: | Height: | Size: 45 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-3 TF x 1)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 55 KiB After Width: | Height: | Size: 55 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-3 TF x 2)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 54 KiB After Width: | Height: | Size: 54 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-3 TF)-LeNet)-100 epochs (dataug:-1)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 45 KiB After Width: | Height: | Size: 45 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-3 TF)-LeNet)-100 epochs (dataug:-1)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 55 KiB After Width: | Height: | Size: 55 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-3 TF)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 65 KiB After Width: | Height: | Size: 65 KiB |
0
higher/res/Aug_mod(Data_augV4(Uniform-4 TF)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 64 KiB After Width: | Height: | Size: 64 KiB |
0
higher/res/Aug_mod(Data_augV5(Mix0,5-14TFx2-Mag)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 269 KiB After Width: | Height: | Size: 269 KiB |
0
higher/res/Aug_mod(Data_augV5(Mix0,5-14TFx2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 164 KiB After Width: | Height: | Size: 164 KiB |
0
higher/res/Aug_mod(Data_augV5(Mix0,5-14TFx2-MagFxSh)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 232 KiB After Width: | Height: | Size: 232 KiB |
0
higher/res/Aug_mod(Data_augV5(Mix0,5-14TFx2-MagSh)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 332 KiB After Width: | Height: | Size: 332 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-13TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 159 KiB After Width: | Height: | Size: 159 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-13TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 257 KiB After Width: | Height: | Size: 257 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-13TFx2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 166 KiB After Width: | Height: | Size: 166 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-13TFx2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 247 KiB After Width: | Height: | Size: 247 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-14TFx2-Mag)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 300 KiB After Width: | Height: | Size: 300 KiB |
After Width: | Height: | Size: 179 KiB |
After Width: | Height: | Size: 392 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-14TFx2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 164 KiB After Width: | Height: | Size: 164 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-14TFx2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 252 KiB After Width: | Height: | Size: 252 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-15TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 210 KiB After Width: | Height: | Size: 210 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-15TFx1-MagFxSh)-LeNet)-100 epochs (dataug:30)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 163 KiB After Width: | Height: | Size: 163 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-15TFx1-MagFxSh)-LeNet)-100 epochs (dataug:30)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 230 KiB After Width: | Height: | Size: 230 KiB |
After Width: | Height: | Size: 324 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-20TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 342 KiB After Width: | Height: | Size: 342 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-3TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 136 KiB After Width: | Height: | Size: 136 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-4TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 144 KiB After Width: | Height: | Size: 144 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-7TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 172 KiB After Width: | Height: | Size: 172 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-7TFx2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 191 KiB After Width: | Height: | Size: 191 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-9TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 225 KiB After Width: | Height: | Size: 225 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-9TFx1-MagFxSh)-LeNet)-100 epochs (dataug:30)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 211 KiB After Width: | Height: | Size: 211 KiB |
0
higher/res/Aug_mod(Data_augV5(Uniform-9TFx1-MagFxSh)rand0,5-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 258 KiB After Width: | Height: | Size: 258 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-14TFx1-Mag)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 207 KiB After Width: | Height: | Size: 207 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-14TFx2-Mag)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 210 KiB After Width: | Height: | Size: 210 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-17TFx1-Mag)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 230 KiB After Width: | Height: | Size: 230 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-17TFx1-MagSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 250 KiB After Width: | Height: | Size: 250 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-17TFx2-MagSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 252 KiB After Width: | Height: | Size: 252 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-7TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 150 KiB After Width: | Height: | Size: 150 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-7TFx2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 150 KiB After Width: | Height: | Size: 150 KiB |
0
higher/res/Aug_mod(Data_augV5(UniformFx-9TFx1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 156 KiB After Width: | Height: | Size: 156 KiB |
After Width: | Height: | Size: 191 KiB |
After Width: | Height: | Size: 156 KiB |
0
higher/res/Aug_mod(Data_augV6(Uniform-18TF(2)x1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 270 KiB After Width: | Height: | Size: 270 KiB |
After Width: | Height: | Size: 200 KiB |
After Width: | Height: | Size: 203 KiB |
0
higher/res/Aug_mod(Data_augV6(Uniform-18TF(2)x2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 272 KiB After Width: | Height: | Size: 272 KiB |
After Width: | Height: | Size: 292 KiB |
0
higher/res/Aug_mod(Data_augV6(Uniform-18TF(3)x1-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 282 KiB After Width: | Height: | Size: 282 KiB |
After Width: | Height: | Size: 192 KiB |
0
higher/res/Aug_mod(Data_augV6(Uniform-18TF(3)x2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 1 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 318 KiB After Width: | Height: | Size: 318 KiB |
0
higher/res/Aug_mod(Data_augV6(Uniform-18TF(3)x2-MagFxSh)-LeNet)-100 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 288 KiB After Width: | Height: | Size: 288 KiB |
After Width: | Height: | Size: 293 KiB |
0
higher/res/Aug_mod(RandAug(14TFx1-Mag1)-LeNet)-150 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 168 KiB After Width: | Height: | Size: 168 KiB |
0
higher/res/Aug_mod(RandAug(14TFx2-Mag1)-LeNet)-150 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 172 KiB After Width: | Height: | Size: 172 KiB |
0
higher/res/Aug_mod(RandAug(18TFx2-Mag1)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 174 KiB After Width: | Height: | Size: 174 KiB |
0
higher/res/Aug_mod(RandAugUDA(14TFx2-Mag1)-LeNet)-150 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 145 KiB After Width: | Height: | Size: 145 KiB |
0
higher/res/Aug_mod(RandAugUDA(18TFx2-Mag1)-LeNet)-100 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 138 KiB After Width: | Height: | Size: 138 KiB |
Before Width: | Height: | Size: 43 KiB |
0
higher/res/MNIST/Aug_mod(Data_aug(Mag-1 TF)-LeNet)-10 epochs- 1 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 47 KiB After Width: | Height: | Size: 47 KiB |
0
higher/res/MNIST/Aug_mod(Data_aug(Mag-1 TF)-LeNet)-10 epochs- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 40 KiB After Width: | Height: | Size: 40 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV2(Exact-3 TF)-LeNet)-10 epochs- 1 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 41 KiB After Width: | Height: | Size: 41 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV2(Exact-3 TF)-LeNet)-10 epochs- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 48 KiB After Width: | Height: | Size: 48 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV3(Mix 0,5-3 TF)-LeNet)-10 epochs- 1 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 48 KiB After Width: | Height: | Size: 48 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV3(Mix 0,5-3 TF)-LeNet)-10 epochs- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 48 KiB After Width: | Height: | Size: 48 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV3(Mix 1,0-3 TF)-LeNet)-10 epochs- 1 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 48 KiB After Width: | Height: | Size: 48 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV3(Mix 1,0-3 TF)-LeNet)-10 epochs- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 50 KiB After Width: | Height: | Size: 50 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV3(Uniform-3 TF)-LeNet)-10 epochs- 1 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 46 KiB After Width: | Height: | Size: 46 KiB |
0
higher/res/MNIST/Aug_mod(Data_augV3(Uniform-3 TF)-LeNet)-10 epochs- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 53 KiB After Width: | Height: | Size: 53 KiB |
0
higher/res/MNIST/LeNet-10 epochs.png
Normal file → Executable file
Before Width: | Height: | Size: 42 KiB After Width: | Height: | Size: 42 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-1 TF x 1)-LeNet)-200 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 37 KiB After Width: | Height: | Size: 37 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-1 TF x 1)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 38 KiB After Width: | Height: | Size: 38 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-1 TF)-LeNet)-200 epochs (dataug:-1)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 37 KiB After Width: | Height: | Size: 37 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-1 TF)-LeNet)-200 epochs (dataug:-1)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 38 KiB After Width: | Height: | Size: 38 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-1 TF)-LeNet)-200 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 40 KiB After Width: | Height: | Size: 40 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-1 TF)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 37 KiB After Width: | Height: | Size: 37 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-10 TF x 1)-LeNet)-200 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 50 KiB After Width: | Height: | Size: 50 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-10 TF x 1)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 80 KiB After Width: | Height: | Size: 80 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-10 TF)-LeNet)-200 epochs (dataug:-1)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 47 KiB After Width: | Height: | Size: 47 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-10 TF)-LeNet)-200 epochs (dataug:-1)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 75 KiB After Width: | Height: | Size: 75 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-10 TF)-LeNet)-200 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 45 KiB After Width: | Height: | Size: 45 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-10 TF)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 103 KiB After Width: | Height: | Size: 103 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-11 TF x 1)-LeNet)-200 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 48 KiB After Width: | Height: | Size: 48 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-11 TF x 1)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 80 KiB After Width: | Height: | Size: 80 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-11 TF)-LeNet)-200 epochs (dataug:-1)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 48 KiB After Width: | Height: | Size: 48 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-11 TF)-LeNet)-200 epochs (dataug:-1)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 66 KiB After Width: | Height: | Size: 66 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-11 TF)-LeNet)-200 epochs (dataug:0)- 0 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 49 KiB After Width: | Height: | Size: 49 KiB |
0
higher/res/TF_nb_tests/Aug_mod(Data_augV4(Uniform-11 TF)-LeNet)-200 epochs (dataug:0)- 10 in_it.png
Normal file → Executable file
Before Width: | Height: | Size: 105 KiB After Width: | Height: | Size: 105 KiB |