diff --git a/higher/dataug.py b/higher/dataug.py index 1dbb0b9..63d10ef 100644 --- a/higher/dataug.py +++ b/higher/dataug.py @@ -326,12 +326,14 @@ class Data_augV4(nn.Module): #Transformations avec mask self._TF=list(self._mag_fct.keys()) self._nb_tf= len(self._TF) + self._N_TF = N_TF + self._fixed_mag=5 #[0, PARAMETER_MAX] self._params = nn.ParameterDict({ "prob": nn.Parameter(torch.ones(self._nb_tf)/self._nb_tf), #Distribution prob uniforme }) - self._sample = [] + self._samples = [] self._mix_dist = False if mix_dist != 0.0: @@ -342,23 +344,26 @@ class Data_augV4(nn.Module): #Transformations avec mask if self._data_augmentation: device = x.device batch_size, h, w = x.shape[0], x.shape[2], x.shape[3] - - ## Echantillonage ## - uniforme_dist = torch.ones(1,self._nb_tf,device=device).softmax(dim=1) - - if not self._mix_dist: - self._distrib = uniforme_dist - else: - self._distrib = (self._mix_factor*self._params["prob"]+(1-self._mix_factor)*uniforme_dist).softmax(dim=1) #Mix distrib reel / uniforme avec mix_factor - print(self.distrib.shape) - - cat_distrib= Categorical(probs=torch.ones((batch_size, self._nb_tf), device=device)*self._distrib) - self._sample = cat_distrib.sample() - - ## Transformations ## x = copy.deepcopy(x) #Evite de modifier les echantillons par reference (Problematique pour des utilisations paralleles) - x = self.apply_TF(x, self._sample) + self._samples = [] + + for _ in range(self._N_TF): + ## Echantillonage ## + uniforme_dist = torch.ones(1,self._nb_tf,device=device).softmax(dim=1) + + if not self._mix_dist: + self._distrib = uniforme_dist + else: + self._distrib = (self._mix_factor*self._params["prob"]+(1-self._mix_factor)*uniforme_dist).softmax(dim=1) #Mix distrib reel / uniforme avec mix_factor + print(self.distrib.shape) + + cat_distrib= Categorical(probs=torch.ones((batch_size, self._nb_tf), device=device)*self._distrib) + sample = cat_distrib.sample() + self._samples.append(sample) + + ## Transformations ## + x = self.apply_TF(x, sample) return x ''' def compute_TF_matrix(self, magnitude=None, sample_info= None): @@ -482,12 +487,25 @@ class Data_augV4(nn.Module): #Transformations avec mask self._params['prob'].data = self._params['prob']/sum(self._params['prob']) #Contrainte sum(p)=1 def loss_weight(self): - w_loss = torch.zeros((self._sample.shape[0],self._nb_tf), device=self._sample.device) - w_loss.scatter_(1, self._sample.view(-1,1), 1) + # 1 seule TF + #self._sample = self._samples[-1] + #w_loss = torch.zeros((self._sample.shape[0],self._nb_tf), device=self._sample.device) + #w_loss.scatter_(dim=1, index=self._sample.view(-1,1), value=1) + #w_loss = w_loss * self._params["prob"]/self._distrib #Ponderation par les proba (divisee par la distrib pour pas diminuer la loss) + #w_loss = torch.sum(w_loss,dim=1) + + #Plusieurs TF sequentielles + w_loss = torch.zeros((self._samples[0].shape[0],self._nb_tf), device=self._samples[0].device) + for sample in self._samples: + tmp_w = torch.zeros(w_loss.size(),device=w_loss.device) + tmp_w.scatter_(dim=1, index=sample.view(-1,1), value=1/self._N_TF) + w_loss += tmp_w + w_loss = w_loss * self._params["prob"]/self._distrib #Ponderation par les proba (divisee par la distrib pour pas diminuer la loss) w_loss = torch.sum(w_loss,dim=1) return w_loss + def train(self, mode=None): if mode is None : mode=self._data_augmentation @@ -505,9 +523,9 @@ class Data_augV4(nn.Module): #Transformations avec mask def __str__(self): if not self._mix_dist: - return "Data_augV4(Uniform-%d TF)" % self._nb_tf + return "Data_augV4(Uniform-%d TF x %d)" % (self._nb_tf, self._N_TF) else: - return "Data_augV4(Mix %.1f-%d TF)" % (self._mix_factor, self._nb_tf) + return "Data_augV4(Mix %.1f-%d TF x %d)" % (self._mix_factor, self._nb_tf, self._N_TF) class Augmented_model(nn.Module): def __init__(self, data_augmenter, model): diff --git a/higher/res/Aug_mod(Data_augV4(Uniform-3 TF)-LeNet)-2 epochs (dataug:0)- 0 in_it.png b/higher/res/Aug_mod(Data_augV4(Uniform-3 TF)-LeNet)-2 epochs (dataug:0)- 0 in_it.png deleted file mode 100644 index c51929e..0000000 Binary files a/higher/res/Aug_mod(Data_augV4(Uniform-3 TF)-LeNet)-2 epochs (dataug:0)- 0 in_it.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch1.png b/higher/samples/data_sample_epoch1.png deleted file mode 100644 index 4e420c0..0000000 Binary files a/higher/samples/data_sample_epoch1.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch10.png b/higher/samples/data_sample_epoch10.png deleted file mode 100644 index 7137b62..0000000 Binary files a/higher/samples/data_sample_epoch10.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch100.png b/higher/samples/data_sample_epoch100.png deleted file mode 100644 index 273a19a..0000000 Binary files a/higher/samples/data_sample_epoch100.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch100_noTF.png b/higher/samples/data_sample_epoch100_noTF.png deleted file mode 100644 index e5ab637..0000000 Binary files a/higher/samples/data_sample_epoch100_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch10_noTF.png b/higher/samples/data_sample_epoch10_noTF.png deleted file mode 100644 index 7137b62..0000000 Binary files a/higher/samples/data_sample_epoch10_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch11.png b/higher/samples/data_sample_epoch11.png deleted file mode 100644 index 0ad1b56..0000000 Binary files a/higher/samples/data_sample_epoch11.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch11_noTF.png b/higher/samples/data_sample_epoch11_noTF.png deleted file mode 100644 index 0ad1b56..0000000 Binary files a/higher/samples/data_sample_epoch11_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch12.png b/higher/samples/data_sample_epoch12.png deleted file mode 100644 index 1d61956..0000000 Binary files a/higher/samples/data_sample_epoch12.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch12_noTF.png b/higher/samples/data_sample_epoch12_noTF.png deleted file mode 100644 index 1d61956..0000000 Binary files a/higher/samples/data_sample_epoch12_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch13.png b/higher/samples/data_sample_epoch13.png deleted file mode 100644 index aa23336..0000000 Binary files a/higher/samples/data_sample_epoch13.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch13_noTF.png b/higher/samples/data_sample_epoch13_noTF.png deleted file mode 100644 index aa23336..0000000 Binary files a/higher/samples/data_sample_epoch13_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch14.png b/higher/samples/data_sample_epoch14.png deleted file mode 100644 index 785dc53..0000000 Binary files a/higher/samples/data_sample_epoch14.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch14_noTF.png b/higher/samples/data_sample_epoch14_noTF.png deleted file mode 100644 index 785dc53..0000000 Binary files a/higher/samples/data_sample_epoch14_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch15.png b/higher/samples/data_sample_epoch15.png deleted file mode 100644 index e7fa96d..0000000 Binary files a/higher/samples/data_sample_epoch15.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch15_noTF.png b/higher/samples/data_sample_epoch15_noTF.png deleted file mode 100644 index e7fa96d..0000000 Binary files a/higher/samples/data_sample_epoch15_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch16.png b/higher/samples/data_sample_epoch16.png deleted file mode 100644 index 55f93aa..0000000 Binary files a/higher/samples/data_sample_epoch16.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch16_noTF.png b/higher/samples/data_sample_epoch16_noTF.png deleted file mode 100644 index 55f93aa..0000000 Binary files a/higher/samples/data_sample_epoch16_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch17.png b/higher/samples/data_sample_epoch17.png deleted file mode 100644 index 4d4127c..0000000 Binary files a/higher/samples/data_sample_epoch17.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch17_noTF.png b/higher/samples/data_sample_epoch17_noTF.png deleted file mode 100644 index 4d4127c..0000000 Binary files a/higher/samples/data_sample_epoch17_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch18.png b/higher/samples/data_sample_epoch18.png deleted file mode 100644 index f097bdc..0000000 Binary files a/higher/samples/data_sample_epoch18.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch18_noTF.png b/higher/samples/data_sample_epoch18_noTF.png deleted file mode 100644 index f097bdc..0000000 Binary files a/higher/samples/data_sample_epoch18_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch19.png b/higher/samples/data_sample_epoch19.png deleted file mode 100644 index 2937beb..0000000 Binary files a/higher/samples/data_sample_epoch19.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch19_noTF.png b/higher/samples/data_sample_epoch19_noTF.png deleted file mode 100644 index 2937beb..0000000 Binary files a/higher/samples/data_sample_epoch19_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch1_noTF.png b/higher/samples/data_sample_epoch1_noTF.png deleted file mode 100644 index 4e420c0..0000000 Binary files a/higher/samples/data_sample_epoch1_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch2.png b/higher/samples/data_sample_epoch2.png deleted file mode 100644 index 9584778..0000000 Binary files a/higher/samples/data_sample_epoch2.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch20.png b/higher/samples/data_sample_epoch20.png deleted file mode 100644 index 77905e8..0000000 Binary files a/higher/samples/data_sample_epoch20.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch20_noTF.png b/higher/samples/data_sample_epoch20_noTF.png deleted file mode 100644 index 77905e8..0000000 Binary files a/higher/samples/data_sample_epoch20_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch21.png b/higher/samples/data_sample_epoch21.png deleted file mode 100644 index 3e48b68..0000000 Binary files a/higher/samples/data_sample_epoch21.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch21_noTF.png b/higher/samples/data_sample_epoch21_noTF.png deleted file mode 100644 index 3e48b68..0000000 Binary files a/higher/samples/data_sample_epoch21_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch22.png b/higher/samples/data_sample_epoch22.png deleted file mode 100644 index b1d6a54..0000000 Binary files a/higher/samples/data_sample_epoch22.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch22_noTF.png b/higher/samples/data_sample_epoch22_noTF.png deleted file mode 100644 index b1d6a54..0000000 Binary files a/higher/samples/data_sample_epoch22_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch23.png b/higher/samples/data_sample_epoch23.png deleted file mode 100644 index 9611154..0000000 Binary files a/higher/samples/data_sample_epoch23.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch23_noTF.png b/higher/samples/data_sample_epoch23_noTF.png deleted file mode 100644 index 9611154..0000000 Binary files a/higher/samples/data_sample_epoch23_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch24.png b/higher/samples/data_sample_epoch24.png deleted file mode 100644 index 2789b32..0000000 Binary files a/higher/samples/data_sample_epoch24.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch24_noTF.png b/higher/samples/data_sample_epoch24_noTF.png deleted file mode 100644 index 2789b32..0000000 Binary files a/higher/samples/data_sample_epoch24_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch25.png b/higher/samples/data_sample_epoch25.png deleted file mode 100644 index 4a6a667..0000000 Binary files a/higher/samples/data_sample_epoch25.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch25_noTF.png b/higher/samples/data_sample_epoch25_noTF.png deleted file mode 100644 index 4a6a667..0000000 Binary files a/higher/samples/data_sample_epoch25_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch26.png b/higher/samples/data_sample_epoch26.png deleted file mode 100644 index 4020336..0000000 Binary files a/higher/samples/data_sample_epoch26.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch26_noTF.png b/higher/samples/data_sample_epoch26_noTF.png deleted file mode 100644 index 4020336..0000000 Binary files a/higher/samples/data_sample_epoch26_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch27.png b/higher/samples/data_sample_epoch27.png deleted file mode 100644 index 97223f2..0000000 Binary files a/higher/samples/data_sample_epoch27.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch27_noTF.png b/higher/samples/data_sample_epoch27_noTF.png deleted file mode 100644 index 97223f2..0000000 Binary files a/higher/samples/data_sample_epoch27_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch28.png b/higher/samples/data_sample_epoch28.png deleted file mode 100644 index a496fa6..0000000 Binary files a/higher/samples/data_sample_epoch28.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch28_noTF.png b/higher/samples/data_sample_epoch28_noTF.png deleted file mode 100644 index a496fa6..0000000 Binary files a/higher/samples/data_sample_epoch28_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch29.png b/higher/samples/data_sample_epoch29.png deleted file mode 100644 index 80593a7..0000000 Binary files a/higher/samples/data_sample_epoch29.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch29_noTF.png b/higher/samples/data_sample_epoch29_noTF.png deleted file mode 100644 index 80593a7..0000000 Binary files a/higher/samples/data_sample_epoch29_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch2_noTF.png b/higher/samples/data_sample_epoch2_noTF.png deleted file mode 100644 index 9584778..0000000 Binary files a/higher/samples/data_sample_epoch2_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch3.png b/higher/samples/data_sample_epoch3.png deleted file mode 100644 index 67418df..0000000 Binary files a/higher/samples/data_sample_epoch3.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch30.png b/higher/samples/data_sample_epoch30.png deleted file mode 100644 index 7120f84..0000000 Binary files a/higher/samples/data_sample_epoch30.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch30_noTF.png b/higher/samples/data_sample_epoch30_noTF.png deleted file mode 100644 index 7120f84..0000000 Binary files a/higher/samples/data_sample_epoch30_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch31.png b/higher/samples/data_sample_epoch31.png deleted file mode 100644 index a1af495..0000000 Binary files a/higher/samples/data_sample_epoch31.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch31_noTF.png b/higher/samples/data_sample_epoch31_noTF.png deleted file mode 100644 index a1af495..0000000 Binary files a/higher/samples/data_sample_epoch31_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch32.png b/higher/samples/data_sample_epoch32.png deleted file mode 100644 index 4ec71dd..0000000 Binary files a/higher/samples/data_sample_epoch32.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch32_noTF.png b/higher/samples/data_sample_epoch32_noTF.png deleted file mode 100644 index 4ec71dd..0000000 Binary files a/higher/samples/data_sample_epoch32_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch33.png b/higher/samples/data_sample_epoch33.png deleted file mode 100644 index 68fe81e..0000000 Binary files a/higher/samples/data_sample_epoch33.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch33_noTF.png b/higher/samples/data_sample_epoch33_noTF.png deleted file mode 100644 index 68fe81e..0000000 Binary files a/higher/samples/data_sample_epoch33_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch34.png b/higher/samples/data_sample_epoch34.png deleted file mode 100644 index d01dcec..0000000 Binary files a/higher/samples/data_sample_epoch34.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch34_noTF.png b/higher/samples/data_sample_epoch34_noTF.png deleted file mode 100644 index d01dcec..0000000 Binary files a/higher/samples/data_sample_epoch34_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch35.png b/higher/samples/data_sample_epoch35.png deleted file mode 100644 index bb86398..0000000 Binary files a/higher/samples/data_sample_epoch35.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch35_noTF.png b/higher/samples/data_sample_epoch35_noTF.png deleted file mode 100644 index bb86398..0000000 Binary files a/higher/samples/data_sample_epoch35_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch36.png b/higher/samples/data_sample_epoch36.png deleted file mode 100644 index 71fdfba..0000000 Binary files a/higher/samples/data_sample_epoch36.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch36_noTF.png b/higher/samples/data_sample_epoch36_noTF.png deleted file mode 100644 index a28acab..0000000 Binary files a/higher/samples/data_sample_epoch36_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch37.png b/higher/samples/data_sample_epoch37.png deleted file mode 100644 index 9661d4b..0000000 Binary files a/higher/samples/data_sample_epoch37.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch37_noTF.png b/higher/samples/data_sample_epoch37_noTF.png deleted file mode 100644 index a5f014a..0000000 Binary files a/higher/samples/data_sample_epoch37_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch38.png b/higher/samples/data_sample_epoch38.png deleted file mode 100644 index 39b17e6..0000000 Binary files a/higher/samples/data_sample_epoch38.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch38_noTF.png b/higher/samples/data_sample_epoch38_noTF.png deleted file mode 100644 index 2c2f4ee..0000000 Binary files a/higher/samples/data_sample_epoch38_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch39.png b/higher/samples/data_sample_epoch39.png deleted file mode 100644 index 39def31..0000000 Binary files a/higher/samples/data_sample_epoch39.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch39_noTF.png b/higher/samples/data_sample_epoch39_noTF.png deleted file mode 100644 index 6169344..0000000 Binary files a/higher/samples/data_sample_epoch39_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch3_noTF.png b/higher/samples/data_sample_epoch3_noTF.png deleted file mode 100644 index 67418df..0000000 Binary files a/higher/samples/data_sample_epoch3_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch4.png b/higher/samples/data_sample_epoch4.png deleted file mode 100644 index bd1c3cf..0000000 Binary files a/higher/samples/data_sample_epoch4.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch40.png b/higher/samples/data_sample_epoch40.png deleted file mode 100644 index ee593d2..0000000 Binary files a/higher/samples/data_sample_epoch40.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch40_noTF.png b/higher/samples/data_sample_epoch40_noTF.png deleted file mode 100644 index 8e6b1e0..0000000 Binary files a/higher/samples/data_sample_epoch40_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch41.png b/higher/samples/data_sample_epoch41.png deleted file mode 100644 index f6baf88..0000000 Binary files a/higher/samples/data_sample_epoch41.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch41_noTF.png b/higher/samples/data_sample_epoch41_noTF.png deleted file mode 100644 index 8cd2d99..0000000 Binary files a/higher/samples/data_sample_epoch41_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch42.png b/higher/samples/data_sample_epoch42.png deleted file mode 100644 index e2b7a7f..0000000 Binary files a/higher/samples/data_sample_epoch42.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch42_noTF.png b/higher/samples/data_sample_epoch42_noTF.png deleted file mode 100644 index ac49275..0000000 Binary files a/higher/samples/data_sample_epoch42_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch43.png b/higher/samples/data_sample_epoch43.png deleted file mode 100644 index eb2ae88..0000000 Binary files a/higher/samples/data_sample_epoch43.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch43_noTF.png b/higher/samples/data_sample_epoch43_noTF.png deleted file mode 100644 index c0bec6a..0000000 Binary files a/higher/samples/data_sample_epoch43_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch44.png b/higher/samples/data_sample_epoch44.png deleted file mode 100644 index b7aeff6..0000000 Binary files a/higher/samples/data_sample_epoch44.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch44_noTF.png b/higher/samples/data_sample_epoch44_noTF.png deleted file mode 100644 index ae72054..0000000 Binary files a/higher/samples/data_sample_epoch44_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch45.png b/higher/samples/data_sample_epoch45.png deleted file mode 100644 index 38a1976..0000000 Binary files a/higher/samples/data_sample_epoch45.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch45_noTF.png b/higher/samples/data_sample_epoch45_noTF.png deleted file mode 100644 index ab18890..0000000 Binary files a/higher/samples/data_sample_epoch45_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch46.png b/higher/samples/data_sample_epoch46.png deleted file mode 100644 index e9c69dc..0000000 Binary files a/higher/samples/data_sample_epoch46.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch46_noTF.png b/higher/samples/data_sample_epoch46_noTF.png deleted file mode 100644 index 8543b53..0000000 Binary files a/higher/samples/data_sample_epoch46_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch47.png b/higher/samples/data_sample_epoch47.png deleted file mode 100644 index d5b676d..0000000 Binary files a/higher/samples/data_sample_epoch47.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch47_noTF.png b/higher/samples/data_sample_epoch47_noTF.png deleted file mode 100644 index 8bc0026..0000000 Binary files a/higher/samples/data_sample_epoch47_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch48.png b/higher/samples/data_sample_epoch48.png deleted file mode 100644 index 278ec65..0000000 Binary files a/higher/samples/data_sample_epoch48.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch48_noTF.png b/higher/samples/data_sample_epoch48_noTF.png deleted file mode 100644 index 98be64a..0000000 Binary files a/higher/samples/data_sample_epoch48_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch49.png b/higher/samples/data_sample_epoch49.png deleted file mode 100644 index a7ef39b..0000000 Binary files a/higher/samples/data_sample_epoch49.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch49_noTF.png b/higher/samples/data_sample_epoch49_noTF.png deleted file mode 100644 index 0be62d0..0000000 Binary files a/higher/samples/data_sample_epoch49_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch4_noTF.png b/higher/samples/data_sample_epoch4_noTF.png deleted file mode 100644 index bd1c3cf..0000000 Binary files a/higher/samples/data_sample_epoch4_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch5.png b/higher/samples/data_sample_epoch5.png deleted file mode 100644 index 7a95b0c..0000000 Binary files a/higher/samples/data_sample_epoch5.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch50.png b/higher/samples/data_sample_epoch50.png deleted file mode 100644 index 1a94d32..0000000 Binary files a/higher/samples/data_sample_epoch50.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch50_noTF.png b/higher/samples/data_sample_epoch50_noTF.png deleted file mode 100644 index 0b0e5ed..0000000 Binary files a/higher/samples/data_sample_epoch50_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch51.png b/higher/samples/data_sample_epoch51.png deleted file mode 100644 index cda900f..0000000 Binary files a/higher/samples/data_sample_epoch51.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch51_noTF.png b/higher/samples/data_sample_epoch51_noTF.png deleted file mode 100644 index 03cf419..0000000 Binary files a/higher/samples/data_sample_epoch51_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch52.png b/higher/samples/data_sample_epoch52.png deleted file mode 100644 index 7a49319..0000000 Binary files a/higher/samples/data_sample_epoch52.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch52_noTF.png b/higher/samples/data_sample_epoch52_noTF.png deleted file mode 100644 index c7a9970..0000000 Binary files a/higher/samples/data_sample_epoch52_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch53.png b/higher/samples/data_sample_epoch53.png deleted file mode 100644 index fc05a97..0000000 Binary files a/higher/samples/data_sample_epoch53.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch53_noTF.png b/higher/samples/data_sample_epoch53_noTF.png deleted file mode 100644 index d4865c6..0000000 Binary files a/higher/samples/data_sample_epoch53_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch54.png b/higher/samples/data_sample_epoch54.png deleted file mode 100644 index f171d11..0000000 Binary files a/higher/samples/data_sample_epoch54.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch54_noTF.png b/higher/samples/data_sample_epoch54_noTF.png deleted file mode 100644 index 817bffc..0000000 Binary files a/higher/samples/data_sample_epoch54_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch55.png b/higher/samples/data_sample_epoch55.png deleted file mode 100644 index abaee2f..0000000 Binary files a/higher/samples/data_sample_epoch55.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch55_noTF.png b/higher/samples/data_sample_epoch55_noTF.png deleted file mode 100644 index 10ac749..0000000 Binary files a/higher/samples/data_sample_epoch55_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch56.png b/higher/samples/data_sample_epoch56.png deleted file mode 100644 index dd2c893..0000000 Binary files a/higher/samples/data_sample_epoch56.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch56_noTF.png b/higher/samples/data_sample_epoch56_noTF.png deleted file mode 100644 index 918b9ec..0000000 Binary files a/higher/samples/data_sample_epoch56_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch57.png b/higher/samples/data_sample_epoch57.png deleted file mode 100644 index 97f160d..0000000 Binary files a/higher/samples/data_sample_epoch57.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch57_noTF.png b/higher/samples/data_sample_epoch57_noTF.png deleted file mode 100644 index 4243cb3..0000000 Binary files a/higher/samples/data_sample_epoch57_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch58.png b/higher/samples/data_sample_epoch58.png deleted file mode 100644 index 006803b..0000000 Binary files a/higher/samples/data_sample_epoch58.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch58_noTF.png b/higher/samples/data_sample_epoch58_noTF.png deleted file mode 100644 index 23c3252..0000000 Binary files a/higher/samples/data_sample_epoch58_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch59.png b/higher/samples/data_sample_epoch59.png deleted file mode 100644 index 04104b1..0000000 Binary files a/higher/samples/data_sample_epoch59.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch59_noTF.png b/higher/samples/data_sample_epoch59_noTF.png deleted file mode 100644 index a150b0d..0000000 Binary files a/higher/samples/data_sample_epoch59_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch5_noTF.png b/higher/samples/data_sample_epoch5_noTF.png deleted file mode 100644 index 7a95b0c..0000000 Binary files a/higher/samples/data_sample_epoch5_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch6.png b/higher/samples/data_sample_epoch6.png deleted file mode 100644 index 0c44c6d..0000000 Binary files a/higher/samples/data_sample_epoch6.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch60.png b/higher/samples/data_sample_epoch60.png deleted file mode 100644 index 389114c..0000000 Binary files a/higher/samples/data_sample_epoch60.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch60_noTF.png b/higher/samples/data_sample_epoch60_noTF.png deleted file mode 100644 index a7239c8..0000000 Binary files a/higher/samples/data_sample_epoch60_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch61.png b/higher/samples/data_sample_epoch61.png deleted file mode 100644 index d0fe005..0000000 Binary files a/higher/samples/data_sample_epoch61.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch61_noTF.png b/higher/samples/data_sample_epoch61_noTF.png deleted file mode 100644 index e84fd66..0000000 Binary files a/higher/samples/data_sample_epoch61_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch62.png b/higher/samples/data_sample_epoch62.png deleted file mode 100644 index deffd85..0000000 Binary files a/higher/samples/data_sample_epoch62.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch62_noTF.png b/higher/samples/data_sample_epoch62_noTF.png deleted file mode 100644 index e5145ff..0000000 Binary files a/higher/samples/data_sample_epoch62_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch63.png b/higher/samples/data_sample_epoch63.png deleted file mode 100644 index 80fdf25..0000000 Binary files a/higher/samples/data_sample_epoch63.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch63_noTF.png b/higher/samples/data_sample_epoch63_noTF.png deleted file mode 100644 index 6b5d680..0000000 Binary files a/higher/samples/data_sample_epoch63_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch64.png b/higher/samples/data_sample_epoch64.png deleted file mode 100644 index e81a11a..0000000 Binary files a/higher/samples/data_sample_epoch64.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch64_noTF.png b/higher/samples/data_sample_epoch64_noTF.png deleted file mode 100644 index d7e1b12..0000000 Binary files a/higher/samples/data_sample_epoch64_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch65.png b/higher/samples/data_sample_epoch65.png deleted file mode 100644 index e5c8e52..0000000 Binary files a/higher/samples/data_sample_epoch65.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch65_noTF.png b/higher/samples/data_sample_epoch65_noTF.png deleted file mode 100644 index 014a078..0000000 Binary files a/higher/samples/data_sample_epoch65_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch66.png b/higher/samples/data_sample_epoch66.png deleted file mode 100644 index db63be9..0000000 Binary files a/higher/samples/data_sample_epoch66.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch66_noTF.png b/higher/samples/data_sample_epoch66_noTF.png deleted file mode 100644 index da0e1e8..0000000 Binary files a/higher/samples/data_sample_epoch66_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch67.png b/higher/samples/data_sample_epoch67.png deleted file mode 100644 index 8172473..0000000 Binary files a/higher/samples/data_sample_epoch67.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch67_noTF.png b/higher/samples/data_sample_epoch67_noTF.png deleted file mode 100644 index 038fadb..0000000 Binary files a/higher/samples/data_sample_epoch67_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch68.png b/higher/samples/data_sample_epoch68.png deleted file mode 100644 index 24045a5..0000000 Binary files a/higher/samples/data_sample_epoch68.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch68_noTF.png b/higher/samples/data_sample_epoch68_noTF.png deleted file mode 100644 index efea395..0000000 Binary files a/higher/samples/data_sample_epoch68_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch69.png b/higher/samples/data_sample_epoch69.png deleted file mode 100644 index c4686d7..0000000 Binary files a/higher/samples/data_sample_epoch69.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch69_noTF.png b/higher/samples/data_sample_epoch69_noTF.png deleted file mode 100644 index 55ab352..0000000 Binary files a/higher/samples/data_sample_epoch69_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch6_noTF.png b/higher/samples/data_sample_epoch6_noTF.png deleted file mode 100644 index 0c44c6d..0000000 Binary files a/higher/samples/data_sample_epoch6_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch7.png b/higher/samples/data_sample_epoch7.png deleted file mode 100644 index 4c87e57..0000000 Binary files a/higher/samples/data_sample_epoch7.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch70.png b/higher/samples/data_sample_epoch70.png deleted file mode 100644 index 073fbfe..0000000 Binary files a/higher/samples/data_sample_epoch70.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch70_noTF.png b/higher/samples/data_sample_epoch70_noTF.png deleted file mode 100644 index 1d896a1..0000000 Binary files a/higher/samples/data_sample_epoch70_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch71.png b/higher/samples/data_sample_epoch71.png deleted file mode 100644 index b1a2e4b..0000000 Binary files a/higher/samples/data_sample_epoch71.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch71_noTF.png b/higher/samples/data_sample_epoch71_noTF.png deleted file mode 100644 index 95d26b1..0000000 Binary files a/higher/samples/data_sample_epoch71_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch72.png b/higher/samples/data_sample_epoch72.png deleted file mode 100644 index 4ce19ac..0000000 Binary files a/higher/samples/data_sample_epoch72.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch72_noTF.png b/higher/samples/data_sample_epoch72_noTF.png deleted file mode 100644 index dd0f86f..0000000 Binary files a/higher/samples/data_sample_epoch72_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch73.png b/higher/samples/data_sample_epoch73.png deleted file mode 100644 index 06c5fd8..0000000 Binary files a/higher/samples/data_sample_epoch73.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch73_noTF.png b/higher/samples/data_sample_epoch73_noTF.png deleted file mode 100644 index ba6e99d..0000000 Binary files a/higher/samples/data_sample_epoch73_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch74.png b/higher/samples/data_sample_epoch74.png deleted file mode 100644 index 449cc08..0000000 Binary files a/higher/samples/data_sample_epoch74.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch74_noTF.png b/higher/samples/data_sample_epoch74_noTF.png deleted file mode 100644 index d485b2c..0000000 Binary files a/higher/samples/data_sample_epoch74_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch75.png b/higher/samples/data_sample_epoch75.png deleted file mode 100644 index a1d5112..0000000 Binary files a/higher/samples/data_sample_epoch75.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch75_noTF.png b/higher/samples/data_sample_epoch75_noTF.png deleted file mode 100644 index 85e9095..0000000 Binary files a/higher/samples/data_sample_epoch75_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch76.png b/higher/samples/data_sample_epoch76.png deleted file mode 100644 index 86b9aa1..0000000 Binary files a/higher/samples/data_sample_epoch76.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch76_noTF.png b/higher/samples/data_sample_epoch76_noTF.png deleted file mode 100644 index 347e713..0000000 Binary files a/higher/samples/data_sample_epoch76_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch77.png b/higher/samples/data_sample_epoch77.png deleted file mode 100644 index 60b288c..0000000 Binary files a/higher/samples/data_sample_epoch77.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch77_noTF.png b/higher/samples/data_sample_epoch77_noTF.png deleted file mode 100644 index d5b74a7..0000000 Binary files a/higher/samples/data_sample_epoch77_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch78.png b/higher/samples/data_sample_epoch78.png deleted file mode 100644 index ec2aeaa..0000000 Binary files a/higher/samples/data_sample_epoch78.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch78_noTF.png b/higher/samples/data_sample_epoch78_noTF.png deleted file mode 100644 index f352dee..0000000 Binary files a/higher/samples/data_sample_epoch78_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch79.png b/higher/samples/data_sample_epoch79.png deleted file mode 100644 index 2400a32..0000000 Binary files a/higher/samples/data_sample_epoch79.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch79_noTF.png b/higher/samples/data_sample_epoch79_noTF.png deleted file mode 100644 index da34679..0000000 Binary files a/higher/samples/data_sample_epoch79_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch7_noTF.png b/higher/samples/data_sample_epoch7_noTF.png deleted file mode 100644 index 4c87e57..0000000 Binary files a/higher/samples/data_sample_epoch7_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch8.png b/higher/samples/data_sample_epoch8.png deleted file mode 100644 index a643eb0..0000000 Binary files a/higher/samples/data_sample_epoch8.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch80.png b/higher/samples/data_sample_epoch80.png deleted file mode 100644 index faec1da..0000000 Binary files a/higher/samples/data_sample_epoch80.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch80_noTF.png b/higher/samples/data_sample_epoch80_noTF.png deleted file mode 100644 index 64c3e6d..0000000 Binary files a/higher/samples/data_sample_epoch80_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch81.png b/higher/samples/data_sample_epoch81.png deleted file mode 100644 index d4dd6f0..0000000 Binary files a/higher/samples/data_sample_epoch81.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch81_noTF.png b/higher/samples/data_sample_epoch81_noTF.png deleted file mode 100644 index 437bc50..0000000 Binary files a/higher/samples/data_sample_epoch81_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch82.png b/higher/samples/data_sample_epoch82.png deleted file mode 100644 index bb6e728..0000000 Binary files a/higher/samples/data_sample_epoch82.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch82_noTF.png b/higher/samples/data_sample_epoch82_noTF.png deleted file mode 100644 index a24da43..0000000 Binary files a/higher/samples/data_sample_epoch82_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch83.png b/higher/samples/data_sample_epoch83.png deleted file mode 100644 index 8825e92..0000000 Binary files a/higher/samples/data_sample_epoch83.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch83_noTF.png b/higher/samples/data_sample_epoch83_noTF.png deleted file mode 100644 index e959b96..0000000 Binary files a/higher/samples/data_sample_epoch83_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch84.png b/higher/samples/data_sample_epoch84.png deleted file mode 100644 index b778466..0000000 Binary files a/higher/samples/data_sample_epoch84.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch84_noTF.png b/higher/samples/data_sample_epoch84_noTF.png deleted file mode 100644 index 6b84974..0000000 Binary files a/higher/samples/data_sample_epoch84_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch85.png b/higher/samples/data_sample_epoch85.png deleted file mode 100644 index f7188be..0000000 Binary files a/higher/samples/data_sample_epoch85.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch85_noTF.png b/higher/samples/data_sample_epoch85_noTF.png deleted file mode 100644 index 7273f6f..0000000 Binary files a/higher/samples/data_sample_epoch85_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch86.png b/higher/samples/data_sample_epoch86.png deleted file mode 100644 index ee04fc5..0000000 Binary files a/higher/samples/data_sample_epoch86.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch86_noTF.png b/higher/samples/data_sample_epoch86_noTF.png deleted file mode 100644 index db92bcf..0000000 Binary files a/higher/samples/data_sample_epoch86_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch87.png b/higher/samples/data_sample_epoch87.png deleted file mode 100644 index 57e0e97..0000000 Binary files a/higher/samples/data_sample_epoch87.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch87_noTF.png b/higher/samples/data_sample_epoch87_noTF.png deleted file mode 100644 index 8892396..0000000 Binary files a/higher/samples/data_sample_epoch87_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch88.png b/higher/samples/data_sample_epoch88.png deleted file mode 100644 index 5974c4b..0000000 Binary files a/higher/samples/data_sample_epoch88.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch88_noTF.png b/higher/samples/data_sample_epoch88_noTF.png deleted file mode 100644 index a63fbd4..0000000 Binary files a/higher/samples/data_sample_epoch88_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch89.png b/higher/samples/data_sample_epoch89.png deleted file mode 100644 index a684fcf..0000000 Binary files a/higher/samples/data_sample_epoch89.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch89_noTF.png b/higher/samples/data_sample_epoch89_noTF.png deleted file mode 100644 index 31e06d9..0000000 Binary files a/higher/samples/data_sample_epoch89_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch8_noTF.png b/higher/samples/data_sample_epoch8_noTF.png deleted file mode 100644 index a643eb0..0000000 Binary files a/higher/samples/data_sample_epoch8_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch9.png b/higher/samples/data_sample_epoch9.png deleted file mode 100644 index 60f492a..0000000 Binary files a/higher/samples/data_sample_epoch9.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch90.png b/higher/samples/data_sample_epoch90.png deleted file mode 100644 index 1ccea47..0000000 Binary files a/higher/samples/data_sample_epoch90.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch90_noTF.png b/higher/samples/data_sample_epoch90_noTF.png deleted file mode 100644 index 9c81a27..0000000 Binary files a/higher/samples/data_sample_epoch90_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch91.png b/higher/samples/data_sample_epoch91.png deleted file mode 100644 index 14b3623..0000000 Binary files a/higher/samples/data_sample_epoch91.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch91_noTF.png b/higher/samples/data_sample_epoch91_noTF.png deleted file mode 100644 index 2b0b7f9..0000000 Binary files a/higher/samples/data_sample_epoch91_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch92.png b/higher/samples/data_sample_epoch92.png deleted file mode 100644 index 705d3a7..0000000 Binary files a/higher/samples/data_sample_epoch92.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch92_noTF.png b/higher/samples/data_sample_epoch92_noTF.png deleted file mode 100644 index 6da863d..0000000 Binary files a/higher/samples/data_sample_epoch92_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch93.png b/higher/samples/data_sample_epoch93.png deleted file mode 100644 index 244767b..0000000 Binary files a/higher/samples/data_sample_epoch93.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch93_noTF.png b/higher/samples/data_sample_epoch93_noTF.png deleted file mode 100644 index 1cd3c3b..0000000 Binary files a/higher/samples/data_sample_epoch93_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch94.png b/higher/samples/data_sample_epoch94.png deleted file mode 100644 index efab5f9..0000000 Binary files a/higher/samples/data_sample_epoch94.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch94_noTF.png b/higher/samples/data_sample_epoch94_noTF.png deleted file mode 100644 index aea0fd6..0000000 Binary files a/higher/samples/data_sample_epoch94_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch95.png b/higher/samples/data_sample_epoch95.png deleted file mode 100644 index 0a98999..0000000 Binary files a/higher/samples/data_sample_epoch95.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch95_noTF.png b/higher/samples/data_sample_epoch95_noTF.png deleted file mode 100644 index d8de579..0000000 Binary files a/higher/samples/data_sample_epoch95_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch96.png b/higher/samples/data_sample_epoch96.png deleted file mode 100644 index 910ccf6..0000000 Binary files a/higher/samples/data_sample_epoch96.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch96_noTF.png b/higher/samples/data_sample_epoch96_noTF.png deleted file mode 100644 index fe94c2c..0000000 Binary files a/higher/samples/data_sample_epoch96_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch97.png b/higher/samples/data_sample_epoch97.png deleted file mode 100644 index d1d2629..0000000 Binary files a/higher/samples/data_sample_epoch97.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch97_noTF.png b/higher/samples/data_sample_epoch97_noTF.png deleted file mode 100644 index 6e1e6e9..0000000 Binary files a/higher/samples/data_sample_epoch97_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch98.png b/higher/samples/data_sample_epoch98.png deleted file mode 100644 index 330d2c1..0000000 Binary files a/higher/samples/data_sample_epoch98.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch98_noTF.png b/higher/samples/data_sample_epoch98_noTF.png deleted file mode 100644 index c1b25a3..0000000 Binary files a/higher/samples/data_sample_epoch98_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch99.png b/higher/samples/data_sample_epoch99.png deleted file mode 100644 index 63bbb32..0000000 Binary files a/higher/samples/data_sample_epoch99.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch99_noTF.png b/higher/samples/data_sample_epoch99_noTF.png deleted file mode 100644 index e7868be..0000000 Binary files a/higher/samples/data_sample_epoch99_noTF.png and /dev/null differ diff --git a/higher/samples/data_sample_epoch9_noTF.png b/higher/samples/data_sample_epoch9_noTF.png deleted file mode 100644 index 60f492a..0000000 Binary files a/higher/samples/data_sample_epoch9_noTF.png and /dev/null differ diff --git a/higher/test_dataug.py b/higher/test_dataug.py index e0ca566..0a1da7d 100644 --- a/higher/test_dataug.py +++ b/higher/test_dataug.py @@ -16,19 +16,19 @@ tf_names = [ 'Identity', 'FlipUD', 'FlipLR', - #'Rotate', - #'TranslateX', - #'TranslateY', - #'ShearX', - #'ShearY', + 'Rotate', + 'TranslateX', + 'TranslateY', + 'ShearX', + 'ShearY', ## Color TF (Expect image in the range of [0, 1]) ## - #'Contrast', - #'Color', + 'Contrast', + 'Color', 'Brightness', - #'Sharpness', - #'Posterize', - #'Solarize', #=>Image entre [0,1] #Pas opti pour des batch + 'Sharpness', + 'Posterize', + 'Solarize', #=>Image entre [0,1] #Pas opti pour des batch #Non fonctionnel #'Auto_Contrast', #Pas opti pour des batch (Super lent) @@ -671,15 +671,15 @@ def run_dist_dataugV2(model, epochs=1, inner_it=0, dataug_epoch_start=0, print_f optim_copy(dopt=diffopt, opt=inner_opt) meta_opt.step() - model['data_aug'].adjust_prob(soft=False) #Contrainte sum(proba)=1 + model['data_aug'].adjust_prob(soft=True) #Contrainte sum(proba)=1 fmodel = higher.patch.monkeypatch(model, device=None, copy_initial_weights=True) diffopt = higher.optim.get_diff_optim(inner_opt, model.parameters(),fmodel=fmodel, track_higher_grads=high_grad_track) tf = time.process_time() - viz_sample_data(imgs=xs, labels=ys, fig_name='samples/data_sample_epoch{}_noTF'.format(epoch)) - viz_sample_data(imgs=aug_model['data_aug'](xs), labels=ys, fig_name='samples/data_sample_epoch{}'.format(epoch)) + #viz_sample_data(imgs=xs, labels=ys, fig_name='samples/data_sample_epoch{}_noTF'.format(epoch)) + #viz_sample_data(imgs=aug_model['data_aug'](xs), labels=ys, fig_name='samples/data_sample_epoch{}'.format(epoch)) if(not high_grad_track): countcopy+=1 @@ -764,13 +764,13 @@ if __name__ == "__main__": #''' tf_dict = {k: TF.TF_dict[k] for k in tf_names} #tf_dict = TF.TF_dict - aug_model = Augmented_model(Data_augV4(TF_dict=TF.TF_dict, mix_dist=0.0), LeNet(3,10)).to(device) + aug_model = Augmented_model(Data_augV4(TF_dict=tf_dict, N_TF=1, mix_dist=0.0), LeNet(3,10)).to(device) print(str(aug_model), 'on', device_name) #run_simple_dataug(inner_it=n_inner_iter, epochs=epochs) log= run_dist_dataugV2(model=aug_model, epochs=epochs, inner_it=n_inner_iter, dataug_epoch_start=dataug_epoch_start, print_freq=10, loss_patience=10) #### - plot_res(log, fig_name="res/{}-{} epochs (dataug:{})- {} in_it".format(str(aug_model),epochs,dataug_epoch_start,n_inner_iter)) + plot_res(log, fig_name="res/{}-{} epochs (dataug:{})- {} in_it (SOFT)".format(str(aug_model),epochs,dataug_epoch_start,n_inner_iter)) print('-'*9) times = [x["time"] for x in log] out = {"Accuracy": max([x["acc"] for x in log]), "Time": (np.mean(times),np.std(times)), "Device": device_name, "Param_names": aug_model.TF_names(), "Log": log} diff --git a/higher/utils.py b/higher/utils.py index c1447fd..5ced829 100644 --- a/higher/utils.py +++ b/higher/utils.py @@ -126,6 +126,7 @@ def viz_sample_data(imgs, labels, fig_name='data_sample'): plt.xlabel(labels[i].item()) plt.savefig(fig_name) + print("Sample saved :", fig_name) plt.close() def model_copy(src,dst, patch_copy=True, copy_grad=True):