lvwerra HF staff commited on
Commit
bfee2e5
1 Parent(s): cd6f029

step 15000

Browse files
codeparrot_training.py CHANGED
@@ -14,7 +14,6 @@ import logging
14
  import wandb
15
  import time
16
 
17
-
18
  class ConstantLengthDataset(IterableDataset):
19
  def __init__(self, tokenizer, dataset, seq_length=1024,
20
  num_of_sequences=1024, chars_per_token=3.6):
@@ -30,52 +29,58 @@ class ConstantLengthDataset(IterableDataset):
30
  while more_examples:
31
  buffer = []
32
  buffer_len = 0
 
33
  while True:
34
  if buffer_len >= self.input_characters:
35
  break
36
  try:
37
  buffer.append(next(iterator)['content'])
38
  buffer_len += len(buffer[-1])
 
39
  except StopIteration:
40
  more_examples = False
41
  break
42
  tokenized_inputs = tokenizer(buffer, truncation=False)['input_ids']
 
43
  all_token_ids = []
44
  for tokenized_input in tokenized_inputs:
45
  all_token_ids.extend(tokenized_input + [self.concat_token_id])
46
  for i in range(0, len(all_token_ids), self.seq_length):
47
  input_ids = all_token_ids[i : i + self.seq_length]
48
  if len(input_ids) == self.seq_length:
 
49
  yield torch.tensor(input_ids)
50
 
51
  def setup_logging(project_name):
52
  logger = logging.getLogger(__name__)
53
  logging.basicConfig(
54
  format="%(asctime)s - %(levelname)s - %(name)s - %(message)s",
55
- datefmt="%m/%d/%Y %H:%M:%S", level=logging.INFO,)
 
 
56
  if accelerator.is_main_process: # we only want to setup logging once
57
  wandb.init(project=project_name, config=args)
58
  run_name = wandb.run.name
59
  tb_writer = SummaryWriter()
60
  tb_writer.add_hparams(vars(args), {'0': 0})
61
  logger.setLevel(logging.INFO)
62
- datasets.utils.logging.set_verbosity_warning()
63
  transformers.utils.logging.set_verbosity_info()
64
  else:
65
  tb_writer = None
66
  run_name = ''
67
  logger.setLevel(logging.ERROR)
68
- datasets.utils.logging.set_verbosity_error()
69
  transformers.utils.logging.set_verbosity_error()
70
  return logger, tb_writer, run_name
71
 
72
  def create_dataloaders(dataset_name):
73
  train_data = load_dataset(dataset_name+'-train', split="train",
74
- streaming=True)
75
  train_data = train_data.shuffle(buffer_size=args.shuffle_buffer,
76
  seed=args.seed)
77
  valid_data = load_dataset(dataset_name+'-valid', split="train",
78
- streaming=True)
79
  train_dataset = ConstantLengthDataset(tokenizer, train_data,
80
  seq_length=args.seq_length)
81
  valid_dataset = ConstantLengthDataset(tokenizer, valid_data,
@@ -114,7 +119,7 @@ def evaluate():
114
 
115
  # Hyperparameters
116
  project_name = 'transformersbook/codeparrot-small'
117
- dataset_name = 'transformersbook/codeparrot'
118
  config = {"train_batch_size": 12,
119
  "valid_batch_size": 12,
120
  "weight_decay": 0.1,
@@ -163,28 +168,37 @@ model, optimizer, train_dataloader, eval_dataloader = accelerator.prepare(
163
  model.train()
164
  completed_steps = 0
165
  for step, batch in enumerate(train_dataloader, start=1):
 
166
  loss = model(batch, labels=batch).loss
 
167
  log_metrics(step, {'lr': get_lr(), 'samples': step*samples_per_step,
168
  'steps': completed_steps, 'loss/train': loss.item()})
169
  loss = loss / args.gradient_accumulation_steps
170
  accelerator.backward(loss)
 
171
  if step % args.gradient_accumulation_steps == 0:
172
  optimizer.step()
 
173
  lr_scheduler.step()
174
  optimizer.zero_grad()
175
  completed_steps += 1
176
  if step % args.save_checkpoint_steps == 0:
177
- logger.info('Evaluating and saving model checkpoint')
178
  eval_loss, perplexity = evaluate()
179
  log_metrics(step, {'loss/eval': eval_loss, 'perplexity': perplexity})
180
  accelerator.wait_for_everyone()
181
  unwrapped_model = accelerator.unwrap_model(model)
182
  if accelerator.is_main_process:
 
183
  unwrapped_model.save_pretrained("./")
184
  hf_repo.push_to_hub(commit_message=f'step {step}')
185
  model.train()
186
  if completed_steps >= args.max_train_steps:
187
  break
 
 
 
 
188
 
189
  # Evaluate and save the last checkpoint
190
  logger.info('Evaluating and saving model after training')
 
14
  import wandb
15
  import time
16
 
 
17
  class ConstantLengthDataset(IterableDataset):
18
  def __init__(self, tokenizer, dataset, seq_length=1024,
19
  num_of_sequences=1024, chars_per_token=3.6):
 
29
  while more_examples:
30
  buffer = []
31
  buffer_len = 0
32
+ logger.debug(f'index: {accelerator.process_index}, filling up buffer, getting next element ({self.produced_samples})')
33
  while True:
34
  if buffer_len >= self.input_characters:
35
  break
36
  try:
37
  buffer.append(next(iterator)['content'])
38
  buffer_len += len(buffer[-1])
39
+ self.produced_samples += 1
40
  except StopIteration:
41
  more_examples = False
42
  break
43
  tokenized_inputs = tokenizer(buffer, truncation=False)['input_ids']
44
+ logger.debug(f'index: {accelerator.process_index}, buffer tokenized')
45
  all_token_ids = []
46
  for tokenized_input in tokenized_inputs:
47
  all_token_ids.extend(tokenized_input + [self.concat_token_id])
48
  for i in range(0, len(all_token_ids), self.seq_length):
49
  input_ids = all_token_ids[i : i + self.seq_length]
50
  if len(input_ids) == self.seq_length:
51
+ #logger.debug(f'index: {accelerator.process_index}, yield sampel {i}')
52
  yield torch.tensor(input_ids)
53
 
54
  def setup_logging(project_name):
55
  logger = logging.getLogger(__name__)
56
  logging.basicConfig(
57
  format="%(asctime)s - %(levelname)s - %(name)s - %(message)s",
58
+ datefmt="%m/%d/%Y %H:%M:%S", level=logging.INFO, handlers=[
59
+ logging.FileHandler(f"log/debug_{accelerator.process_index}.log"),
60
+ logging.StreamHandler()])
61
  if accelerator.is_main_process: # we only want to setup logging once
62
  wandb.init(project=project_name, config=args)
63
  run_name = wandb.run.name
64
  tb_writer = SummaryWriter()
65
  tb_writer.add_hparams(vars(args), {'0': 0})
66
  logger.setLevel(logging.INFO)
67
+ datasets.utils.logging.set_verbosity_debug()
68
  transformers.utils.logging.set_verbosity_info()
69
  else:
70
  tb_writer = None
71
  run_name = ''
72
  logger.setLevel(logging.ERROR)
73
+ datasets.utils.logging.set_verbosity_debug()
74
  transformers.utils.logging.set_verbosity_error()
75
  return logger, tb_writer, run_name
76
 
77
  def create_dataloaders(dataset_name):
78
  train_data = load_dataset(dataset_name+'-train', split="train",
79
+ streaming=True, chunksize=40<<20, error_bad_chunk=False)
80
  train_data = train_data.shuffle(buffer_size=args.shuffle_buffer,
81
  seed=args.seed)
82
  valid_data = load_dataset(dataset_name+'-valid', split="train",
83
+ streaming=True, chunksize=40<<20, error_bad_chunk=False)
84
  train_dataset = ConstantLengthDataset(tokenizer, train_data,
85
  seq_length=args.seq_length)
86
  valid_dataset = ConstantLengthDataset(tokenizer, valid_data,
 
119
 
120
  # Hyperparameters
121
  project_name = 'transformersbook/codeparrot-small'
122
+ dataset_name = '../codeparrot'
123
  config = {"train_batch_size": 12,
124
  "valid_batch_size": 12,
125
  "weight_decay": 0.1,
 
168
  model.train()
169
  completed_steps = 0
170
  for step, batch in enumerate(train_dataloader, start=1):
171
+ logger.debug(f'{step}|{accelerator.process_index}|got batch')
172
  loss = model(batch, labels=batch).loss
173
+ logger.debug(f'{step}|{accelerator.process_index}|forward pass done')
174
  log_metrics(step, {'lr': get_lr(), 'samples': step*samples_per_step,
175
  'steps': completed_steps, 'loss/train': loss.item()})
176
  loss = loss / args.gradient_accumulation_steps
177
  accelerator.backward(loss)
178
+ logger.debug(f'{step}|{accelerator.process_index}|backward pass done')
179
  if step % args.gradient_accumulation_steps == 0:
180
  optimizer.step()
181
+ logger.debug(f'{step}|{accelerator.process_index}|optimization done')
182
  lr_scheduler.step()
183
  optimizer.zero_grad()
184
  completed_steps += 1
185
  if step % args.save_checkpoint_steps == 0:
186
+ logger.info('Evaluating model checkpoint')
187
  eval_loss, perplexity = evaluate()
188
  log_metrics(step, {'loss/eval': eval_loss, 'perplexity': perplexity})
189
  accelerator.wait_for_everyone()
190
  unwrapped_model = accelerator.unwrap_model(model)
191
  if accelerator.is_main_process:
192
+ logger.info('Saving model checkpoint')
193
  unwrapped_model.save_pretrained("./")
194
  hf_repo.push_to_hub(commit_message=f'step {step}')
195
  model.train()
196
  if completed_steps >= args.max_train_steps:
197
  break
198
+ logger.debug(f'{step}|{accelerator.process_index}|train loop done')
199
+ if step==-1:
200
+ logger.setLevel(logging.DEBUG)
201
+
202
 
203
  # Evaluate and save the last checkpoint
204
  logger.info('Evaluating and saving model after training')
config.json CHANGED
@@ -1,4 +1,5 @@
1
  {
 
2
  "activation_function": "gelu_new",
3
  "architectures": [
4
  "GPT2LMHeadModel"
 
1
  {
2
+ "_name_or_path": "./",
3
  "activation_function": "gelu_new",
4
  "architectures": [
5
  "GPT2LMHeadModel"
log/debug_0.log ADDED
The diff for this file is too large to render. See raw diff
 
log/debug_1.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140449259331296 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140449259331296 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140449259331296 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140449259331296 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140449055442784 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140449055442784 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140449055442784 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140449055442784 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_10.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140167332823344 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140167332823344 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140167332823344 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140167332823344 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140167332772160 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140167332772160 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140167332772160 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140167332772160 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_11.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140380744789680 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140380744789680 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140380744789680 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140380744789680 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140380738432256 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140380738432256 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140380738432256 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140380738432256 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_12.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140111631437008 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140111631437008 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140111631437008 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140111631437008 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140111631805360 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140111631805360 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140111631805360 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140111631805360 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_13.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140282764764352 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140282764764352 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140282764764352 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140282764764352 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/index')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/index')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140281297467664 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140281297467664 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140281297467664 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140281297467664 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_14.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140128533991280 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140128533991280 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140128533991280 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140128533991280 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/description')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/description')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140128073685456 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140128073685456 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140128073685456 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140128073685456 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_15.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139878231453648 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139878231453648 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139878231453648 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139878231453648 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139878231461840 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139878231461840 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139878231461840 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139878231461840 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_2.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:57 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d')]
2
+ 08/30/2021 13:13:57 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d')]
3
+ 08/30/2021 13:13:57 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139857359985920 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139857359985920 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to release lock 139857359985920 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139857359985920 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:57 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea')]
9
+ 08/30/2021 13:13:57 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea')]
10
+ 08/30/2021 13:13:57 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139857356147728 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139857356147728 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to release lock 139857356147728 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139857356147728 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_3.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7')]
2
+ 08/30/2021 13:13:57 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7')]
3
+ 08/30/2021 13:13:57 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139692202174880 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139692202174880 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to release lock 139692202174880 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139692202174880 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:57 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample')]
9
+ 08/30/2021 13:13:57 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample')]
10
+ 08/30/2021 13:13:57 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139692202162640 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139692202162640 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Attempting to release lock 139692202162640 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:57 - DEBUG - datasets.utils.filelock - Lock 139692202162640 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_4.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140399869577104 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140399869577104 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140399869577104 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140399869577104 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140399528689328 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140399528689328 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140399528689328 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140399528689328 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_5.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140184511844752 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140184511844752 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140184511844752 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140184511844752 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140184512125008 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140184512125008 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140184512125008 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140184512125008 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_6.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139866353655616 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139866353655616 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139866353655616 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139866353655616 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/config')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139865811720224 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139865811720224 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139865811720224 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139865811720224 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_7.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139703680843104 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139703680843104 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139703680843104 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139703680843104 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139703676862128 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139703676862128 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139703676862128 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139703676862128 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_8.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139694420835584 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139694420835584 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139694420835584 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139694420835584 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 139694081502416 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139694081502416 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 139694081502416 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 139694081502416 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
log/debug_9.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4')]
2
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-train but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/01/87/0187e92041e5ef1abe3190a48330ff50c7d5fc5ed1219c3bcbb465907430d34e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/ce/6bce0dd945b67accdd3077504bc286a26bdb4b03fbbf34d427c21582f3374994'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/b6/44b6239e61c700810037d9d8aa2fe706d7eaeb5766e492fad95411ad184490f5'), PosixPath('/home/leandro/codeparrot-train/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/82/4c/824c9524070c36ed317c12b9b0e77f8b9460e8519ba32c6795a5a2e7232d088c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/f2/faf2e65a89fda5ec7a00a36b9fd6c4b2429f1249072b838f2a02d5d01fcaeb18'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f1/a5/f1a543df8fe1562a57657011c09d45778915a202f279013041e4f08d6cb1b475'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.idx'), PosixPath('/home/leandro/codeparrot-train/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fa/40/fa40f7fe8b2d031a32282dce9a40462d67eecff28203c1743fcace8ef4bb37e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/a4/eba49c7ea511320fd7040022951873a465016ddb72d078b958a4003c396ffb52'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/f2/37f2a405d0e8c52b4a51f79b23f135bcb537eb3f61fe8a27a29ab63b74a37671'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b5/3e/b53e982e883c26c1a21db49bff0a27d8d628f4fc498715739936fa93bfb5353e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/3b/f83b75420e369ae1d55e7009effe9f7a05577a31c19a8c02ce7f0b56b5dc8a87'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/6f/1c6ff13e754a4260b097390066ecc973302f45756b4151bbfb7efbb7b1ac9963'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/85/28/8528503b464d6cbf8041e0a1481681d0bff4bb24f9d18230fe56c3bc99dfa2ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/00/33/0033a83827749523a25d0ef661ef307b27edc162ce38c44e25fd033e9a187c76'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/04/64/04647e38d2a928e08abccf777e680adf7cb0066862374bd847c492de44cb047f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ef/8b/ef8b57ab3924e70df4f4a37b6853205113144fa01ea6c0140bea3a21b14eafeb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/41/11/4111a00cda1b0988507f8b544a9e4da7bfb0bff35c13990c6fb1c360aa6a6688'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0d/07/0d07213fb514be71d57406af05dafff0edd3c7506621df761c9453ff598d89c9'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/6e/da6e9d2f263cf7b0254b4c0a57483ed8ac9652d6f67a63d648e9d968c576d526'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/28/29/28290f1947521e2d6c58ee18d83b864b5d95e1fad3b54ee817799991642488ec'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/8a/c08ad7d3c85ef3631747172211b65c70912bae157b55f922f1f70016bf7f64e6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8f/8a/8f8a74c1e1fc4ee43110f74ae0cc01de863a0ceb3f2c4815cab1dc1efeb5339a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/d1/b9d1c713e023c821f98968ea670a01aa7127c1c915f3d7f6368616f17369e8f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/09/c2/09c237a78f8a49d7840d8e5fc58e79db7e225b9904323f46791dce8fd0585332'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2e/b3/2eb3b4ea8f84ef14a84b43002a148d99df05f68c1cfc0c0f074572bda0e0e1ee'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/95/2e/952eaf2d8448261925753def51d58ff5af595d6469207db42abc0b17204640fb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/78/bb/78bbf19a9e7a29b17fa71e3d05842b9469e3187e938efd8c793ceadbdd38c709'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ff/bc/ffbc64d8a248deb916c3ef209d2a18fc5de5c56a2cfa546a633cbfec31e6ccb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b1/70/b1705347d88e73a7de652d1486a3eccda92e420e65a58917c88af635baf55ac8'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5f/34/5f342fc03b8d9c90aa9ff917ca3ff3edce748b6f0b55f61aadc9940ca53b45d5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/10/4c10f31fa342f81c13b27e7ae0761b17729ee82f6e02824361e2cfcc4ab096c1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f9/91/f9915d283d95c3316a76922f129897823efd397287916e8f7af88ed7aaf517b0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/05/9b/059bc5381874a28e5a467291be6ee44e3f667609290d74e5ed009be10329bdbb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/18/44181da41968eab59b99558c2afd4d6f95397bc2b580622a96f2f9fb74f545b2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ed/ae/edae53c081ce347a58430f0930ce4fb318a9f62e15f85aa638a86c1666f70df4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/16/25162ca0d0fa0474f367ba4720b75f0cb10c70b3f62dd90cbb6e201773c99cb3'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/04/7d049e95fe5200dc13c1451523e00fd08d37ffde2a863aa025f030f00d3d747b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6f/bc/6fbcee1936749498486745c2dd217ee108f1a243f054dcb2591cfee772906fae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3d/35/3d354291d12d6be3833eda95bd0db307dcd26b5b4287a3f6ca33b3b51b2e46f2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/15/95/159531500b1c473455d10fda2fb82f6ea7814500799e27eaf5f2be6f124f994c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/dd/02ddc3cc1a121d8e237578028f34a994a7548f0d086a1312133c3864dbff6b37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/ff/2aff254f1288353b713d8e718915f8a2eba7d65097ed5f5d0df520a7058ddf71'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/64/35/643576ec614d0ba328db99ae865b8f1321ec4f288164f76fd6746b3b83e34f19'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0f/70/0f704aab387aa4e2f0f4dd866d5f0888b25d0d0b61ef7881c38b918f22802ec2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/79/c1/79c13ad14568c659397387f3d0e1358393fb0041ff48ce9c98ad4f28df8cde4b'), PosixPath('/home/leandro/codeparrot-train/.git/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/fb/87fb4ab74dad4c0f520d49769333d5d1b010fcb9e8f30c8dab16430a5a0af9d2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/75/9c7526f2ec341f2d2483d9db25b2b2e9fe630b21b737fa7ebbc19965c6ee46b1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6a/34/6a34d6e3ac6572933b2f66c74af568a0df3b91b94622dd4b7e5d5538c04071ff'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/85/2b85d040d424bde044014147be3c4949a8d2b0e558c4f4c2c65aead5ece2cde9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/eb/34/eb344442f4771eb011e0e520b8b1666903717e5e8c59a5462fe80aa82401940a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5c/d6/5cd6e14ff3ac522a3a7bac22ef6ec299833c685a9c343d347fe21152e4173856'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/4a/084a245793d30784f6ae4f8b666624293bdab2d05a5e1eeadf20b7d9db444951'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/6e/a76e8e4bbc39a74e4ff59e02aaf1404a8bc429f1033a216058b09f7e0ee3cd0c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/43/98/439848f817f432ceefdf7e69a64b60dd99a75cc6fb26599a0ea5ac1167c3db4c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/df/a9dfb7586f9a1bfaaa7175a2384e101f51513b0b98ce01eeaafe5a783cdbad96'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a7/9a/a79a92653692037bf2fd6de92d93429455cd31dc7f96513adb40277d11be891d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a9/73/a973fc07ce8ae881a878bf92c6c70583c08ea6bdb2ca2583002271f96dab9543'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/da/17dac3999cf0cb027901ecb382180aa9560b4bb2c5b839f3afc8cadc229962bf'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/cf/84/cf84f4c64b1173bb12e281b88ca920c4c6d130c54214b5172bccbcc045fb2d0f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/11/70/1170a8200f43dfa3902e9d41088229febdf4d7044d9d762dd5809685e5448b11'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/25/84/2584f186110af7310075f15e07ddadb9c50c26cafd4c66b2e2baaab040028c3b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8a/ae/8aae623a251bd31627554141be2150a5ffb8ddea900ae244fd8492cc03245b36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/12/a7/12a785cd978d3ec0330adae618ad3103dd53f63c7c11b96a7a0d33254407aaa4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9a/bd9af7b8106e0a773e5a12495aa88339995c2084c2f9a243733879eb73f595d8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/13/77131f000b7ab27e1336a181a4e4188f31ed40cea3fdf98b6398b5bbddaa5c76'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/17/a21791d67c018e486dde68b8956a16b8fa0c54af93dc3c6ec2c669da87861b02'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/4f/7f4fb07272574ef183fd21a911f45f989a941516a11fe1d71335954a54657e07'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/5f/1c5f7b819a67cfca7be02b743fbf0dabf7d53a1c7ddf82e70e094d92973d95c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/13/ae/13ae38510e10076edaa24cf051e6403a270c95febd0e2e9b9e052128d632fe36'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/07/b9/07b951a7cc55afc0d48a47f0dbd9e06c7311279e4a747256b5dcfe11ba56690d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6d/c7/6dc73c3794ad5c29870563658a7003cb2a6cfb0c1852c47037a6eda6cc3cf3a1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/e5/d0e599bab79fe0054313a92ab57e7a89c65c2fc45011168aa73c0fe000c4f689'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/97/af/97af2a98400865661b26c3d5c0a3b6be51603452f459136bc9ab2568667ed199'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/de/af/deaf9432f8e1fdc2bd3b9078dc3996c536e661ebb379b81818ecfc70a360c923'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/53/a05359f8e5ca97304272052f806034ebdca89a94f0d052b719b8b81dd8ddd868'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e9/95/e995f5605e676fd577e4c78ee6bf43451324ddbcb04e841cf1dfce07c69dc1b6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4a/54/4a54ecd83d3083585ddc7beb921140b2b2e5b4fb82dec9543ac0932c6136e84b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/e1/21e166aee17c30af55849b552e2eaa9c0641dc6cb0ac6386bd3f7797d8af2a9b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e6/f0/e6f0840fa125b6ad771b853937bd215b369bfb815ff521316cf6cb46fba66968'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8e/81/8e81a5187b909a82581e8030a8008ffb9517519e477797b195bbcf422ef6e20c'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/81/7c/817cc36de53f7c914d82e2536a5538c21330ef54662366733e45c76a3c770d06'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e3/62/e3627cc99f31126c54a8a4188ce59123e876c812bdbdc5cba35d2f76e369a385'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2a/6b/2a6b5f923b286f640ad586bc295e653ec0db8e4c8487db1c25fa384e216b6ce5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c0/0f/c00f0550d90e881145954ad24df7fdf512ffc3d63c50d2aa0c85774757d8f37d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/cb/55cb3e32311273135568ef3da7960400d95f63dad586ccfe56996561277b483f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/89/178953ae530dc7960c803bd22a37026f4190b822b95145240537840bfc5a1ad1'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/49/d8/49d89abc121b49ef8a540796b63edd68f67f679d6ad1b969d6637d852d59f79f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/33/27/3327f7692a61d984758a71929f4466af87f91a2db0a656321df0d331ef4def20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/b0/70b01a02ca2810cf2e74a43655979028b31de42c566bc65d8b749720d1b08fb2'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/a8/bda8ae48acb883ddb225719c3584e3baa76887afb7198d76478af06e7f80572e'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0a/03/0a03d68d6dda083d189878113e864c580b9b5572e53d3e1684b93a9996c7699d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/f5/6bf5fd370b20157e47d88709fb5c8b572f1b682a1fdb80091900bfda70a36491'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/39/32/39325e24ddd711eacc61305d421e004de68e6f6d0b649ca695ad53d4dc53b47f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/62/03/6203a1aae8671a6a23849de3aa6aa3efec0e3fbe3275757643abfd63a9ee9af8'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/df/4fdfd51962dfc725568d88de53b29e285d52e858e849acb543101fe556779a42'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/84/9684f7bb635a937d6899902ad758fd565826bfe5b8ea42c296d791dd7089b0f9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d7/c8/d7c88386b6a3c339c8a6d0beead12bf440477473df676886099ca289057fbace'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b3/84/b3849196f2777c6e3fb662ae301ae63561db9aaff9bd2ac2f32ad02e9d26d399'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/10/4410ab4420ffe54105620e1f038b0f6b14afa88a8df9dcf63468f6a2c105d770'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2c/a7/2ca7213ba4af470b5f4caa0b4439992b7483c8b4d1cb977089f9b9abef1c7fba'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/60/07/6007f21e5625708f4710d48386db1297bb1dbd26196ced77b305e7e35da0300d'), PosixPath('/home/leandro/codeparrot-train/.git/description'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/6b/3d/6b3d8a7164286112196af65658426d2faeda5c50fc381bdebf378f0226342d4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/db/d4/dbd4ddc668c0c838eecd756db64c9a3c2127d8e9bbc05b3fcba00b075854b24c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/37/9d/379db3f5d257369fd927b7395599ec2aef5cefcb57811a57281487da9fd58c5b'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/b3/1db3132794e05cd2decef99af5f56073af4b4a27c33e3a0d0b4289e61b34c9dc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/63/6963f0671c853a7bb7ae245df7c1f07fd8db821e59e1ab83b74d07909e029111'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/38/ba38a25c6b8dd335baf2c6cd925ca5b91668af93f7ecee2b120ad352f46a6565'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/98/d59884b54759159fcaf45b671dfe9ee2a7d7aea34f1cc7762a1c25499589efb9'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/5b/4f5b4ba86fe51a134d866d06e472bd6c6f9d1f122cb905c65cb7c0a35bf51acd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b7/d8/b7d84fc6c01ec6eb79187a7e252a3f033bfd1f2ba297d569e1bf507af9b50fa6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/da/b9/dab942e6da72846fc60682ce21a8e8fa6bf3452a29abff69ec0750e058ab3b92'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/58/1458ee6ad39f24b25d2db9153ba9aa25f4ff2f16c2f624361a0186904a658a54'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/44/79/447953386aab39785c0f6c5e44b7310d433886fb73a1e40efe67c9620639e6fa'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/87/f9/87f9d6d6889eb78e70ba55d2f959fa4e896bd3a78d02dd347792e30ddd730bf6'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/77/63/7763fa2cb60958f8d28fc6bebc0105ed3614addd32296fe929b7262e4d62f58a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2b/ac/2bac46edf98c75901284aff8296f80fea6701821000b205bd85aef8399124074'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d5/74/d574d02117a4209d073c3d382e859fdf07d6e18ac38bed8a4d900c8c9975550c'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/4f/144f1231964ab251596b40abdd80f37fe7ce4ac7b2b31fc517b942cc24110341'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/5b/66/5b66654660bc52d66f5bf0e6a62e0b65a0dd2499ec316daed0432efb2c7a8d7b'), PosixPath('/home/leandro/codeparrot-train/.git/index'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/35/4c35db8d1672615cddac65cdf0a76ea9ca1ec9d1d8b18ce293be0df23ff694db'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/70/35/70353ba511fe03b0f820a7ef6156771de34ef20a404a1cc2c064033998de0f9f'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f8/46/f84677f7389798b5c74ff00760d08732db022e99f60dc77e5bb4d900aa80dc60'), PosixPath('/home/leandro/codeparrot-train/.git/config'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/fc/eb/fcebafda8e3681732437c98581a30faedf7802c6b90c84394d2c42b792c32507'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/50/83/5083522f9ebdb4c72e4e384dfd9bce8293d84dcdf0a7580cab1ce8e44f2880da'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d6/ec/d6ecd24bfd9e0c2877dfa00417568e07d9f64a150c5518d471ff91ded60bf146'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/63/77/6377867a616a0b6e8e3e3691c5cce9cd566773ec5bbd02f5a457edac8a0f24d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4f/2c/4f2cb5d9fe3ef94da4aa3ec743d37b83c2347d6f1d3d4696a5c667ff9968ea38'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f3/5e/f35ec6ce622145756740be75b1fa969996e7e716ac0a15d9bbc4e86aed616000'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b8/ac/b8acca45caffd1db94c790f13ed8f1742b71d4f9cd3d242417e87bb150b6af20'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/bd/9b/bd9be9097633349b5ecd400375be5d511e812feadf983f3c2cbcba263a3a14ab'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/23/ee/23eed9f8512ca62c4b9b4fb28a84688ee550b75ec7658209f3cd5d82a2d4aa57'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/fc/3afc8a938123d0f8e566043d271b4c6a60e3df968b72d8939982a09527763aae'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/32/d9/32d95bf48e9ba4ed480df0015326b0ed07647ce17e84a48a5a445db22bc5de4a'), PosixPath('/home/leandro/codeparrot-train/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1f/46/1f46dcfefd87339930fa912ec98a56b7b93c2f052d7f452f82c9c3d0043ffa43'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/55/db/55dbc21eb4360618b60fc5eaa4ce705ea71bb1e8241237099cfe43c59ed5b2ed'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/8b/d9/8bd964dad421ed624f4bd5e4719e3e28f62d002b350d850e902688c9e9bcfd80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/46/df/46df1517cd973f00262b495f82b10c46ec077a33bcfc83bade078a36590c6d0a'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ca/00/ca00ed91ba94519faaba619e5eec6498215695acc6b3f760dc056967cefeea80'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/17/ba/17ba31d8c126b19d7dc4899e46ec476e059462beaf2364bf77471b2f920ddf37'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9d/a6/9da6dd8c62377fcfe1e95882a17aa711a8fcc38e02cf21cc1a678f22a9e50d39'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/31/2d3127f22a64cf04b4ab8fd23512d5b7d6373429e36ffd68b3f86d0dff4e2fdb'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a0/cc/a0ccfd373c5bb31028d4b7abb80a9a328395361cc2ac4f7376f5b1f6e89d89d0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/02/a0/02a07bbab0f2b514c1a9d5296ca8c1a843aca846fcde56fc810700ee416db1b4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e0/49/e049a0f4444d560849ab8c2d893157b975d183f839984001f101046ca74b7978'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1e/89/1e890b33c7f95f900932797f1ba2b15f1f1780926f744ea04e0a969bf270df1a'), PosixPath('/home/leandro/codeparrot-train/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/47/d1/47d1fedd443c4edfca241c00be8984a2157c668726cc06d92ad7e2704cb5c951'), PosixPath('/home/leandro/codeparrot-train/.git/objects/pack/pack-67102b35e20edaa7f1ed9c266f37841cd38f158a.pack'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/86/ba86bfbe83793efcb2e89df75179188dee67b96ace3e7f1628c133ce11fc361e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/83/14830fec70eb2227647b241d9ff90addbc461cbdcddfe12e015028cefaba6f4e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7f/8d/7f8dc2a2357a3d91ecc5fa5f125c73181dfbe22524d853f672010513044c80f7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1d/a5/1da55a92827ad63ee4eb1f5eabf14500459bf357c28b767756b80342024063d4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/98/de/98de114cefba6caad86991425c276e59a5ab4a3a1006d29f73ec5cede6233efd'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7c/bf/7cbfb385a3bbebdb3eed3e154c80f0c9bf6b397aa702e5410339c2b1d74ae867'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/26/99/2699022bd98f8d49f5505ab457b15dd31156713279335d0c28db1c99edc36894'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ee/25/ee25b95231437c8795fca58f4a4d95b2698995f29e7f264956f78670f37ea982'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/54/10/5410ae89d1cf3ea5325b7e948fd4db3d352e44bbd2a6a5c813f77be0da958c80'), PosixPath('/home/leandro/codeparrot-train/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/21/be/21be1bf5e86f5da2dbd83f0bb904a3d68d9abea09bbd5adab6a6873c53ed0112'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/26/142694003d3fc3bc57e51dab9eaf07472e0f24a4b092d70159943ecc8c2496a4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/7d/d3/7dd37fe8445ee2641f14179d5a2aa636780822347d880a401d41c90bfd5cfd68'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/14/b9/14b9124b7b2ffa27d79dc210ae77b9b970e067ad7d3dc4d3eebc08671b770c16'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/96/f9/96f9e109fe3ebce8c82610b0af4398170d678185b18ce5bc0384d84eb421ace5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/d0/20/d02098784b5ee7b5d5206ee9cc52e881782d98fc90530322af1c5cb7d401f1fd'), PosixPath('/home/leandro/codeparrot-train/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/0b/de/0bde10d6ad4055811339a7ed51fca332317529d6b5854a4b7ce90000e352aa33'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/08/26/0826780cd0e3d564882321e246176eac0fb695b706bc72c6022925075047a62e'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/4c/b0/4cb0db5e545856bfeb62f7fa15d3472b705ac8fdeb8c4a831727b730951f8902'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/03/bb/03bb832cf6fad7e4bc885cc1d9502cf312d2951a51afbd63fb6a90f53e49d096'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b9/07/b907e571662c19245abd148afb306b5c6e411d24a5117e0bb4c182a56afb9b97'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/45/da/45da5a5e4acd37b6e288eb4045434fb6b4a8d77979ac61c8306ca9eca6d24128'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/3a/b5/3ab5c68d9424b10ca45197172baa495813eae7efa9b3914ea4e4afd0201995b5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/94/e0/94e011d7b77e55164bb15d95c453fa1282d78e234ff378adb930d756bbd33f64'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/9c/83/9c83dabc6a7c8a9629093125ff70fc60f594b0b95cb56f2f12d2bd91352367c7'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/93/51/935137f4370f4f5c85ba6a157825fe6102edb991a46610fa9939e2960be9653d'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/b4/2c/b42c05288d42233fb829266917ae1145a835f3ccf8e00ea21e5927f9528fb500'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/ba/5a/ba5ad5064f9ef5d1429abd4c4742cf37b56589c060ff3995e5331eb69fb9c1c5'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/2d/15/2d15883c4954ffcaafce389f10ccbad7c93e66fae3b7ca7db0a50343180cedf4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/c3/d3/c3d3e55004ff21e36332b9612e385ba07c2610b832b4a94cca2d9fda372a9fb4'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/69/ef/69efdcdb035636e6a8cd18cfc4ef702f95730a381b5d86b36c10028b4df94090'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1c/2e/1c2e85e92de0f8a29ed6e534983e0051fa2c79e31013c11c7cc66f3f3f1e0155'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/22/c4/22c47cc7619654f7faafe250a2dd0cabae5520263e967245b8d5638215244239'), PosixPath('/home/leandro/codeparrot-train/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/1b/c7/1bc7cd472751ec9917bf55ce8b05b8ea467453335103f16c4551e94daefdbaf0'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/e1/7a/e17a32eafebfa6f8d8b0edf6c0463c639f06a72fadae7907c9fd026f01136b98'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/80/61/8061f4f61c3955c90dab77a1553ac22e9d1ff604c229375be54a38e32ce6f8ca'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/a2/af/a2af1215060dc01f13d389abee1fc25ff94ed84262c54dea264810a5bcc074fc'), PosixPath('/home/leandro/codeparrot-train/.git/lfs/objects/f0/f9/f0f92a74ef6e03d0c05ae2012d7e33242c3b091f3e01d2d8f942e68cf295f7a4')]
3
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-train-3a26f48916bbb7e0
4
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140172633386816 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
5
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140172633386816 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
6
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140172633386816 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
7
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140172633386816 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-train-3a26f48916bbb7e0_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
8
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b')]
9
+ 08/30/2021 13:13:56 - INFO - datasets.load - Some files matched the pattern '*' at /home/leandro/codeparrot-valid but don't have valid data file extensions: [PosixPath('/home/leandro/codeparrot-valid/.git/logs/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-commit'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-merge'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c9/b135a100a1770bcdc5ae26195bd4f7bd85a764'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-commit.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/prepare-commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/description'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/c6/7ccd65e0057c57364469d576a57387eaa57530'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/applypatch-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/info/exclude'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/0b/0462e46b355e305d77ff3b85f3a01776e188ea'), PosixPath('/home/leandro/codeparrot-valid/.git/logs/refs/heads/main'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/refs/remotes/origin/HEAD'), PosixPath('/home/leandro/codeparrot-valid/.git/index'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/07/f0db3339ad9053dc95b284c4ae14e014efff89'), PosixPath('/home/leandro/codeparrot-valid/.git/lfs/objects/43/23/432375a8140ca79af9fa62e3145815c0f7965af8026ed1847ce6e75a11f413fd'), PosixPath('/home/leandro/codeparrot-valid/.git/config'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-receive.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/5e/9d29c73e4d5b8ecb2b60628d17a791508a514f'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/fsmonitor-watchman.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/post-checkout'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-applypatch.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/commit-msg.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-push'), PosixPath('/home/leandro/codeparrot-valid/.git/packed-refs'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/pre-rebase.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/f3/fa800d7629eabb8ba09a504140b5a203d1341a'), PosixPath('/home/leandro/codeparrot-valid/.git/hooks/update.sample'), PosixPath('/home/leandro/codeparrot-valid/.git/objects/d7/b8c495dd9e6df27bfd6a47dad7e33da0850a5b')]
10
+ 08/30/2021 13:13:56 - WARNING - datasets.builder - Using custom data configuration codeparrot-valid-52bb4ddf73523afb
11
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to acquire lock 140172633587232 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
12
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140172633587232 acquired on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
13
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Attempting to release lock 140172633587232 on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
14
+ 08/30/2021 13:13:56 - DEBUG - datasets.utils.filelock - Lock 140172633587232 released on /home/leandro/.cache/huggingface/datasets/_home_leandro_.cache_huggingface_datasets_json_codeparrot-valid-52bb4ddf73523afb_0.0.0_e0dcb9fb097c37d83741a1ffd70553ea5e06cb0082872d4def076475be3ec67c.lock
15
+ 08/30/2021 13:14:30 - INFO - root - Reducer buckets have been rebuilt in this iteration.
pytorch_model.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:05678aec0310df3c454a4457b8eb44267a948712f32a07d176052af0507e7e2d
3
- size 456675177
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:626dd587341c479a06e10c92f265b17448c487a798355265322741633421c302
3
+ size 456677609
requirements.txt CHANGED
@@ -2,5 +2,5 @@ wandb
2
  tensorboard
3
  git+https://github.com/huggingface/huggingface_hub.git
4
  git+https://github.com/huggingface/transformers.git
5
- git+https://github.com/huggingface/datasets.git@load_dataset-no-dataset-script
6
  git+https://github.com/huggingface/accelerate.git
 
2
  tensorboard
3
  git+https://github.com/huggingface/huggingface_hub.git
4
  git+https://github.com/huggingface/transformers.git
5
+ git+https://github.com/huggingface/datasets.git@json-dont-raise
6
  git+https://github.com/huggingface/accelerate.git
runs/Aug30_13-13-56_leandro-16x-a100-v3/1630329236.5642831/events.out.tfevents.1630329236.leandro-16x-a100-v3.9739.1 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b43261ce434af58b6095baa7cd399a0a038aceda442892162f96bb793d545678
3
+ size 978
runs/Aug30_13-13-56_leandro-16x-a100-v3/events.out.tfevents.1630329236.leandro-16x-a100-v3.9739.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9f086c0b62cb33c2ded31d52cf5a0ca3556c80aee816998018b67fa12e616e03
3
+ size 2699629
wandb/debug-internal.log ADDED
@@ -0,0 +1 @@
 
 
1
+ run-20210830_131354-2654p8r7/logs/debug-internal.log
wandb/debug.log ADDED
@@ -0,0 +1 @@
 
 
1
+ run-20210830_131354-2654p8r7/logs/debug.log
wandb/latest-run ADDED
@@ -0,0 +1 @@
 
 
1
+ run-20210830_131354-2654p8r7
wandb/run-20210830_131354-2654p8r7/files/conda-environment.yaml ADDED
@@ -0,0 +1,126 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ name: codeparrot
2
+ channels:
3
+ - pytorch
4
+ - nvidia
5
+ - defaults
6
+ dependencies:
7
+ - _libgcc_mutex=0.1=main
8
+ - _openmp_mutex=4.5=1_gnu
9
+ - blas=1.0=mkl
10
+ - bzip2=1.0.8=h7b6447c_0
11
+ - ca-certificates=2021.7.5=h06a4308_1
12
+ - certifi=2021.5.30=py38h06a4308_0
13
+ - cudatoolkit=11.1.74=h6bb024c_0
14
+ - ffmpeg=4.3=hf484d3e_0
15
+ - freetype=2.10.4=h5ab3b9f_0
16
+ - gmp=6.2.1=h2531618_2
17
+ - gnutls=3.6.15=he1e5248_0
18
+ - intel-openmp=2021.3.0=h06a4308_3350
19
+ - jpeg=9b=h024ee3a_2
20
+ - lame=3.100=h7b6447c_0
21
+ - lcms2=2.12=h3be6417_0
22
+ - ld_impl_linux-64=2.35.1=h7274673_9
23
+ - libffi=3.3=he6710b0_2
24
+ - libgcc-ng=9.3.0=h5101ec6_17
25
+ - libgomp=9.3.0=h5101ec6_17
26
+ - libiconv=1.15=h63c8f33_5
27
+ - libidn2=2.3.2=h7f8727e_0
28
+ - libpng=1.6.37=hbc83047_0
29
+ - libstdcxx-ng=9.3.0=hd4cf53a_17
30
+ - libtasn1=4.16.0=h27cfd23_0
31
+ - libtiff=4.2.0=h85742a9_0
32
+ - libunistring=0.9.10=h27cfd23_0
33
+ - libuv=1.40.0=h7b6447c_0
34
+ - libwebp-base=1.2.0=h27cfd23_0
35
+ - lz4-c=1.9.3=h295c915_1
36
+ - mkl=2021.3.0=h06a4308_520
37
+ - mkl-service=2.4.0=py38h7f8727e_0
38
+ - mkl_fft=1.3.0=py38h42c9631_2
39
+ - mkl_random=1.2.2=py38h51133e4_0
40
+ - ncurses=6.2=he6710b0_1
41
+ - nettle=3.7.3=hbbd107a_1
42
+ - ninja=1.10.2=hff7bd54_1
43
+ - numpy=1.20.3=py38hf144106_0
44
+ - numpy-base=1.20.3=py38h74d4b33_0
45
+ - olefile=0.46=py_0
46
+ - openh264=2.1.0=hd408876_0
47
+ - openjpeg=2.4.0=h3ad879b_0
48
+ - openssl=1.1.1k=h27cfd23_0
49
+ - pillow=8.3.1=py38h2c7a002_0
50
+ - pip=21.0.1=py38h06a4308_0
51
+ - python=3.8.11=h12debd9_0_cpython
52
+ - pytorch=1.9.0=py3.8_cuda11.1_cudnn8.0.5_0
53
+ - readline=8.1=h27cfd23_0
54
+ - setuptools=52.0.0=py38h06a4308_0
55
+ - six=1.16.0=pyhd3eb1b0_0
56
+ - sqlite=3.36.0=hc218d9a_0
57
+ - tk=8.6.10=hbc83047_0
58
+ - torchaudio=0.9.0=py38
59
+ - torchvision=0.10.0=py38_cu111
60
+ - typing_extensions=3.10.0.0=pyh06a4308_0
61
+ - wheel=0.37.0=pyhd3eb1b0_0
62
+ - xz=5.2.5=h7b6447c_0
63
+ - zlib=1.2.11=h7b6447c_3
64
+ - zstd=1.4.9=haebb681_0
65
+ - pip:
66
+ - absl-py==0.13.0
67
+ - accelerate==0.5.0.dev0
68
+ - aiohttp==3.7.4.post0
69
+ - async-timeout==3.0.1
70
+ - attrs==21.2.0
71
+ - cachetools==4.2.2
72
+ - chardet==4.0.0
73
+ - charset-normalizer==2.0.4
74
+ - click==8.0.1
75
+ - configparser==5.0.2
76
+ - datasets==1.10.3.dev0
77
+ - dill==0.3.4
78
+ - docker-pycreds==0.4.0
79
+ - filelock==3.0.12
80
+ - fsspec==2021.7.0
81
+ - gitdb==4.0.7
82
+ - gitpython==3.1.18
83
+ - google-auth==1.35.0
84
+ - google-auth-oauthlib==0.4.5
85
+ - grpcio==1.39.0
86
+ - huggingface-hub==0.0.16
87
+ - idna==3.2
88
+ - joblib==1.0.1
89
+ - markdown==3.3.4
90
+ - multidict==5.1.0
91
+ - multiprocess==0.70.12.2
92
+ - oauthlib==3.1.1
93
+ - packaging==21.0
94
+ - pandas==1.3.2
95
+ - pathtools==0.1.2
96
+ - promise==2.3
97
+ - protobuf==3.17.3
98
+ - psutil==5.8.0
99
+ - pyarrow==5.0.0
100
+ - pyasn1==0.4.8
101
+ - pyasn1-modules==0.2.8
102
+ - pyparsing==2.4.7
103
+ - python-dateutil==2.8.2
104
+ - pytz==2021.1
105
+ - pyyaml==5.4.1
106
+ - regex==2021.8.28
107
+ - requests==2.26.0
108
+ - requests-oauthlib==1.3.0
109
+ - rsa==4.7.2
110
+ - sacremoses==0.0.45
111
+ - sentry-sdk==1.3.1
112
+ - shortuuid==1.0.1
113
+ - smmap==4.0.0
114
+ - subprocess32==3.5.4
115
+ - tensorboard==2.6.0
116
+ - tensorboard-data-server==0.6.1
117
+ - tensorboard-plugin-wit==1.8.0
118
+ - tokenizers==0.10.3
119
+ - tqdm==4.62.2
120
+ - transformers==4.10.0.dev0
121
+ - urllib3==1.26.6
122
+ - wandb==0.12.1
123
+ - werkzeug==2.0.1
124
+ - xxhash==2.0.2
125
+ - yarl==1.6.3
126
+ prefix: /home/leandro/miniconda3/envs/codeparrot
wandb/run-20210830_131354-2654p8r7/files/config.yaml ADDED
@@ -0,0 +1,60 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ cli_version: 0.12.1
7
+ framework: huggingface
8
+ huggingface_version: 4.10.0.dev0
9
+ is_jupyter_run: false
10
+ is_kaggle_kernel: false
11
+ python_version: 3.8.11
12
+ start_time: 1630329234
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 11
17
+ 4: 3.8.11
18
+ 5: 0.12.1
19
+ 6: 4.10.0.dev0
20
+ 8:
21
+ - 5
22
+ gradient_accumulation_steps:
23
+ desc: null
24
+ value: 1
25
+ learning_rate:
26
+ desc: null
27
+ value: 0.0005
28
+ lr_scheduler_type:
29
+ desc: null
30
+ value: cosine
31
+ max_eval_steps:
32
+ desc: null
33
+ value: -1
34
+ max_train_steps:
35
+ desc: null
36
+ value: 150000
37
+ num_warmup_steps:
38
+ desc: null
39
+ value: 2000
40
+ save_checkpoint_steps:
41
+ desc: null
42
+ value: 15000
43
+ seed:
44
+ desc: null
45
+ value: 1
46
+ seq_length:
47
+ desc: null
48
+ value: 1024
49
+ shuffle_buffer:
50
+ desc: null
51
+ value: 1000
52
+ train_batch_size:
53
+ desc: null
54
+ value: 12
55
+ valid_batch_size:
56
+ desc: null
57
+ value: 12
58
+ weight_decay:
59
+ desc: null
60
+ value: 0.1
wandb/run-20210830_131354-2654p8r7/files/output.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20210830_131354-2654p8r7/files/requirements.txt ADDED
@@ -0,0 +1,75 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ absl-py==0.13.0
2
+ accelerate==0.5.0.dev0
3
+ aiohttp==3.7.4.post0
4
+ async-timeout==3.0.1
5
+ attrs==21.2.0
6
+ cachetools==4.2.2
7
+ certifi==2021.5.30
8
+ chardet==4.0.0
9
+ charset-normalizer==2.0.4
10
+ click==8.0.1
11
+ configparser==5.0.2
12
+ datasets==1.10.3.dev0
13
+ dill==0.3.4
14
+ docker-pycreds==0.4.0
15
+ filelock==3.0.12
16
+ fsspec==2021.7.0
17
+ gitdb==4.0.7
18
+ gitpython==3.1.18
19
+ google-auth-oauthlib==0.4.5
20
+ google-auth==1.35.0
21
+ grpcio==1.39.0
22
+ huggingface-hub==0.0.16
23
+ idna==3.2
24
+ joblib==1.0.1
25
+ markdown==3.3.4
26
+ mkl-fft==1.3.0
27
+ mkl-random==1.2.2
28
+ mkl-service==2.4.0
29
+ multidict==5.1.0
30
+ multiprocess==0.70.12.2
31
+ numpy==1.20.3
32
+ oauthlib==3.1.1
33
+ olefile==0.46
34
+ packaging==21.0
35
+ pandas==1.3.2
36
+ pathtools==0.1.2
37
+ pillow==8.3.1
38
+ pip==21.0.1
39
+ promise==2.3
40
+ protobuf==3.17.3
41
+ psutil==5.8.0
42
+ pyarrow==5.0.0
43
+ pyasn1-modules==0.2.8
44
+ pyasn1==0.4.8
45
+ pyparsing==2.4.7
46
+ python-dateutil==2.8.2
47
+ pytz==2021.1
48
+ pyyaml==5.4.1
49
+ regex==2021.8.28
50
+ requests-oauthlib==1.3.0
51
+ requests==2.26.0
52
+ rsa==4.7.2
53
+ sacremoses==0.0.45
54
+ sentry-sdk==1.3.1
55
+ setuptools==52.0.0.post20210125
56
+ shortuuid==1.0.1
57
+ six==1.16.0
58
+ smmap==4.0.0
59
+ subprocess32==3.5.4
60
+ tensorboard-data-server==0.6.1
61
+ tensorboard-plugin-wit==1.8.0
62
+ tensorboard==2.6.0
63
+ tokenizers==0.10.3
64
+ torch==1.9.0
65
+ torchaudio==0.9.0a0+33b2469
66
+ torchvision==0.10.0
67
+ tqdm==4.62.2
68
+ transformers==4.10.0.dev0
69
+ typing-extensions==3.10.0.0
70
+ urllib3==1.26.6
71
+ wandb==0.12.1
72
+ werkzeug==2.0.1
73
+ wheel==0.37.0
74
+ xxhash==2.0.2
75
+ yarl==1.6.3
wandb/run-20210830_131354-2654p8r7/files/wandb-metadata.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.0.0-1020-gcp-x86_64-with-glibc2.17",
3
+ "python": "3.8.11",
4
+ "heartbeatAt": "2021-08-30T13:13:55.376163",
5
+ "startedAt": "2021-08-30T13:13:54.690451",
6
+ "docker": null,
7
+ "gpu": "NVIDIA A100-SXM4-40GB",
8
+ "gpu_count": 16,
9
+ "cpu_count": 96,
10
+ "cuda": "10.1.243",
11
+ "args": [],
12
+ "state": "running",
13
+ "program": "codeparrot_training.py",
14
+ "codePath": "codeparrot_training.py",
15
+ "git": {
16
+ "remote": "https://huggingface.co/transformersbook/codeparrot-small",
17
+ "commit": "cd6f029c8d83a3a14c7457ecfec7c40ca39ae133"
18
+ },
19
+ "email": "leandro@huggingface.co",
20
+ "root": "/home/leandro/codeparrot-small",
21
+ "host": "leandro-16x-a100-v3",
22
+ "username": "leandro",
23
+ "executable": "/home/leandro/miniconda3/envs/codeparrot/bin/python"
24
+ }
wandb/run-20210830_131354-2654p8r7/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"lr": 0.0004905430961831242, "samples": 2880000, "steps": 14999, "loss/train": 0.09316903352737427, "_runtime": 9788, "_timestamp": 1630339022, "_step": 15000, "loss/eval": 1.5676782131195068, "perplexity": 4.795501232147217}
wandb/run-20210830_131354-2654p8r7/logs/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20210830_131354-2654p8r7/logs/debug.log ADDED
@@ -0,0 +1,22 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2021-08-30 13:13:54,691 INFO MainThread:9739 [wandb_setup.py:_flush():69] setting env: {}
2
+ 2021-08-30 13:13:54,692 INFO MainThread:9739 [wandb_setup.py:_flush():69] setting login settings: {}
3
+ 2021-08-30 13:13:54,692 INFO MainThread:9739 [wandb_init.py:_log_setup():342] Logging user logs to /home/leandro/codeparrot-small/wandb/run-20210830_131354-2654p8r7/logs/debug.log
4
+ 2021-08-30 13:13:54,692 INFO MainThread:9739 [wandb_init.py:_log_setup():343] Logging internal logs to /home/leandro/codeparrot-small/wandb/run-20210830_131354-2654p8r7/logs/debug-internal.log
5
+ 2021-08-30 13:13:54,692 INFO MainThread:9739 [wandb_init.py:init():375] calling init triggers
6
+ 2021-08-30 13:13:54,692 INFO MainThread:9739 [wandb_init.py:init():380] wandb.init called with sweep_config: {}
7
+ config: {'train_batch_size': 12, 'valid_batch_size': 12, 'weight_decay': 0.1, 'shuffle_buffer': 1000, 'learning_rate': 0.0005, 'lr_scheduler_type': 'cosine', 'num_warmup_steps': 2000, 'gradient_accumulation_steps': 1, 'max_train_steps': 150000, 'max_eval_steps': -1, 'seq_length': 1024, 'seed': 1, 'save_checkpoint_steps': 15000}
8
+ 2021-08-30 13:13:54,692 INFO MainThread:9739 [wandb_init.py:init():424] starting backend
9
+ 2021-08-30 13:13:54,692 INFO MainThread:9739 [backend.py:_multiprocessing_setup():70] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
10
+ 2021-08-30 13:13:54,705 INFO MainThread:9739 [backend.py:ensure_launched():135] starting backend process...
11
+ 2021-08-30 13:13:54,712 INFO MainThread:9739 [backend.py:ensure_launched():139] started backend process with pid: 9957
12
+ 2021-08-30 13:13:54,713 INFO MainThread:9739 [wandb_init.py:init():429] backend started and connected
13
+ 2021-08-30 13:13:54,717 INFO MainThread:9739 [wandb_init.py:init():477] updated telemetry
14
+ 2021-08-30 13:13:54,717 INFO MainThread:9739 [wandb_init.py:init():500] communicating current version
15
+ 2021-08-30 13:13:55,255 INFO MainThread:9739 [wandb_init.py:init():505] got version response
16
+ 2021-08-30 13:13:55,255 INFO MainThread:9739 [wandb_init.py:init():513] communicating run to backend with 30 second timeout
17
+ 2021-08-30 13:13:55,325 INFO MainThread:9739 [wandb_init.py:init():540] starting run threads in backend
18
+ 2021-08-30 13:13:56,554 INFO MainThread:9739 [wandb_run.py:_console_start():1601] atexit reg
19
+ 2021-08-30 13:13:56,555 INFO MainThread:9739 [wandb_run.py:_redirect():1475] redirect: SettingsConsole.REDIRECT
20
+ 2021-08-30 13:13:56,555 INFO MainThread:9739 [wandb_run.py:_redirect():1480] Redirecting console.
21
+ 2021-08-30 13:13:56,558 INFO MainThread:9739 [wandb_run.py:_redirect():1536] Redirects installed.
22
+ 2021-08-30 13:13:56,558 INFO MainThread:9739 [wandb_init.py:init():565] run started, returning control to user process
wandb/run-20210830_131354-2654p8r7/run-2654p8r7.wandb ADDED
Binary file (5.72 MB). View file