alpha31476 commited on
Commit
075766d
·
verified ·
1 Parent(s): 632cf1e

SDFT2.1 finetune code

Browse files
Files changed (30) hide show
  1. .gitattributes +2 -0
  2. Vaani/Img_Audio_Alignment/_2.1.2_OpenCLIP_Image_Features.ipynb +11 -11
  3. Vaani/Img_Audio_Alignment/_2.1.2_Train_OpenCLIP.ipynb +0 -0
  4. Vaani/Img_Audio_Alignment/_2.1.2_Train_OpenCLIP.py +30 -32
  5. Vaani/Img_Audio_Alignment/_2_Image_data.ipynb +196 -0
  6. Vaani/Img_Audio_Alignment/available_img_audios_TRAIN3.csv +2 -2
  7. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/checkpoints/csip/csip_epoch_950_best_epoch_-1.pt +3 -0
  8. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/checkpoints/csip/csip_epoch_951_best_epoch_-1.pt +3 -0
  9. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748291940.rmgpu013.1373693.0 +3 -0
  10. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748294235.rmgpu013.1398689.0 +3 -0
  11. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748294327.rmgpu013.1402286.0 +3 -0
  12. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748294610.rmgpu013.1407898.0 +3 -0
  13. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748295170.rmgpu013.1415262.0 +3 -0
  14. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748339919.rmgpu013.1849559.0 +3 -0
  15. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748340655.rmgpu013.1859891.0 +3 -0
  16. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748340744.rmgpu013.1863316.0 +3 -0
  17. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748341523.rmgpu013.1873650.0 +3 -0
  18. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748342848.rmgpu013.1889097.0 +3 -0
  19. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748352987.rmgpu013.1990121.0 +3 -0
  20. Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/training_log.csv +387 -0
  21. Vaani/SDFT/SD2_1_Audio/Vaani_SD2.1_CSIP_Finetune.ipynb +0 -0
  22. Vaani/SDFT/SD2_1_Audio/Vaani_SD2_1_CSIP.ipynb +0 -0
  23. Vaani/SDFT/SD2_1_Audio/__init__.py +0 -0
  24. Vaani/SDFT/SD2_1_Audio/dog and cat.mp4 +3 -0
  25. Vaani/SDFT/SD2_1_Audio/dog and cat.png +2 -2
  26. Vaani/SDFT/__init__.py +0 -0
  27. Vaani/__init__.py +0 -0
  28. Vaani/vaani_scripts/CSIP.py +0 -0
  29. Vaani/vaani_scripts/__init__.py +0 -0
  30. Vaani/vaani_scripts/__pycache__/CSIP.cpython-311.pyc +3 -0
.gitattributes CHANGED
@@ -423,3 +423,5 @@ Vaani/Img_Audio_Alignment/checkpoints/csip/probs/probs_epoch_9_loss_4.1521.png f
423
  Vaani/Img_Audio_Alignment/available_img_audios_TRAIN3.csv filter=lfs diff=lfs merge=lfs -text
424
  Vaani/Img_Audio_Alignment/dog[[:space:]]and[[:space:]]cat.png filter=lfs diff=lfs merge=lfs -text
425
  Vaani/SDFT/SD2_1_Audio/dog[[:space:]]and[[:space:]]cat.png filter=lfs diff=lfs merge=lfs -text
 
 
 
423
  Vaani/Img_Audio_Alignment/available_img_audios_TRAIN3.csv filter=lfs diff=lfs merge=lfs -text
424
  Vaani/Img_Audio_Alignment/dog[[:space:]]and[[:space:]]cat.png filter=lfs diff=lfs merge=lfs -text
425
  Vaani/SDFT/SD2_1_Audio/dog[[:space:]]and[[:space:]]cat.png filter=lfs diff=lfs merge=lfs -text
426
+ Vaani/SDFT/SD2_1_Audio/dog[[:space:]]and[[:space:]]cat.mp4 filter=lfs diff=lfs merge=lfs -text
427
+ Vaani/vaani_scripts/__pycache__/CSIP.cpython-311.pyc filter=lfs diff=lfs merge=lfs -text
Vaani/Img_Audio_Alignment/_2.1.2_OpenCLIP_Image_Features.ipynb CHANGED
@@ -7128,14 +7128,14 @@
7128
  },
7129
  {
7130
  "cell_type": "code",
7131
- "execution_count": 6,
7132
  "metadata": {},
7133
  "outputs": [
7134
  {
7135
  "name": "stderr",
7136
  "output_type": "stream",
7137
  "text": [
7138
- "[Processing Images]: 91%|\u001b[34m█████████ \u001b[0m| 444/490 [21:48<02:16, 2.96s/it]\u001b[0m"
7139
  ]
7140
  }
7141
  ],
@@ -7179,14 +7179,14 @@
7179
  },
7180
  {
7181
  "cell_type": "code",
7182
- "execution_count": 6,
7183
  "metadata": {},
7184
  "outputs": [
7185
  {
7186
  "name": "stderr",
7187
  "output_type": "stream",
7188
  "text": [
7189
- "[Processing Images]: 100%|\u001b[34m██████████\u001b[0m| 173/173 [05:03<00:00, 1.75s/it]\u001b[0m\n"
7190
  ]
7191
  }
7192
  ],
@@ -7223,7 +7223,7 @@
7223
  },
7224
  {
7225
  "cell_type": "code",
7226
- "execution_count": 1,
7227
  "metadata": {},
7228
  "outputs": [
7229
  {
@@ -7232,7 +7232,7 @@
7232
  "73755"
7233
  ]
7234
  },
7235
- "execution_count": 1,
7236
  "metadata": {},
7237
  "output_type": "execute_result"
7238
  }
@@ -7246,7 +7246,7 @@
7246
  },
7247
  {
7248
  "cell_type": "code",
7249
- "execution_count": 1,
7250
  "metadata": {},
7251
  "outputs": [
7252
  {
@@ -7270,14 +7270,14 @@
7270
  },
7271
  {
7272
  "cell_type": "code",
7273
- "execution_count": 6,
7274
  "metadata": {},
7275
  "outputs": [
7276
  {
7277
  "name": "stderr",
7278
  "output_type": "stream",
7279
  "text": [
7280
- "[Processing Audios]: 100%|\u001b[34m██████████\u001b[0m| 980/980 [03:59<00:00, 4.09it/s]\u001b[0m\n"
7281
  ]
7282
  }
7283
  ],
@@ -7337,14 +7337,14 @@
7337
  },
7338
  {
7339
  "cell_type": "code",
7340
- "execution_count": 6,
7341
  "metadata": {},
7342
  "outputs": [
7343
  {
7344
  "name": "stderr",
7345
  "output_type": "stream",
7346
  "text": [
7347
- "[Processing Audios]: 100%|\u001b[34m██████████\u001b[0m| 173/173 [01:02<00:00, 2.75it/s]\u001b[0m\n"
7348
  ]
7349
  }
7350
  ],
 
7128
  },
7129
  {
7130
  "cell_type": "code",
7131
+ "execution_count": 8,
7132
  "metadata": {},
7133
  "outputs": [
7134
  {
7135
  "name": "stderr",
7136
  "output_type": "stream",
7137
  "text": [
7138
+ "[Processing Images]: 100%|\u001b[34m██████████\u001b[0m| 490/490 [24:02<00:00, 2.94s/it]\u001b[0m\n"
7139
  ]
7140
  }
7141
  ],
 
7179
  },
7180
  {
7181
  "cell_type": "code",
7182
+ "execution_count": 9,
7183
  "metadata": {},
7184
  "outputs": [
7185
  {
7186
  "name": "stderr",
7187
  "output_type": "stream",
7188
  "text": [
7189
+ "[Processing Images]: 100%|\u001b[34m████████████\u001b[0m| 87/87 [04:22<00:00, 3.02s/it]\u001b[0m\n"
7190
  ]
7191
  }
7192
  ],
 
7223
  },
7224
  {
7225
  "cell_type": "code",
7226
+ "execution_count": 10,
7227
  "metadata": {},
7228
  "outputs": [
7229
  {
 
7232
  "73755"
7233
  ]
7234
  },
7235
+ "execution_count": 10,
7236
  "metadata": {},
7237
  "output_type": "execute_result"
7238
  }
 
7246
  },
7247
  {
7248
  "cell_type": "code",
7249
+ "execution_count": 11,
7250
  "metadata": {},
7251
  "outputs": [
7252
  {
 
7270
  },
7271
  {
7272
  "cell_type": "code",
7273
+ "execution_count": 12,
7274
  "metadata": {},
7275
  "outputs": [
7276
  {
7277
  "name": "stderr",
7278
  "output_type": "stream",
7279
  "text": [
7280
+ "[Processing Audios]: 100%|\u001b[34m██████████\u001b[0m| 490/490 [04:26<00:00, 1.84it/s]\u001b[0m\n"
7281
  ]
7282
  }
7283
  ],
 
7337
  },
7338
  {
7339
  "cell_type": "code",
7340
+ "execution_count": 13,
7341
  "metadata": {},
7342
  "outputs": [
7343
  {
7344
  "name": "stderr",
7345
  "output_type": "stream",
7346
  "text": [
7347
+ "[Processing Audios]: 100%|\u001b[34m████████████\u001b[0m| 87/87 [00:55<00:00, 1.58it/s]\u001b[0m\n"
7348
  ]
7349
  }
7350
  ],
Vaani/Img_Audio_Alignment/_2.1.2_Train_OpenCLIP.ipynb ADDED
The diff for this file is too large to render. See raw diff
 
Vaani/Img_Audio_Alignment/_2.1.2_Train_OpenCLIP.py CHANGED
@@ -6912,7 +6912,8 @@ class CSIP(nn.Module):
6912
  self.audio_proj = nn.Linear(dim_audio, dim_emb)
6913
 
6914
  # Learnable temperature parameter
6915
- self.log_temp = nn.Parameter(torch.tensor(0.07).log())
 
6916
 
6917
  def forward(self, images, audios):
6918
 
@@ -6967,7 +6968,7 @@ class VaaniImageAudioDataset(torch.utils.data.Dataset):
6967
  }
6968
 
6969
 
6970
- train_df = pd.read_csv("/home/IITB/ai-at-ieor/23m1521/ashish/MTP/Vaani/Img_Audio_Alignment/available_img_audios_TRAIN2.csv")
6971
  test_df = pd.read_csv("/home/IITB/ai-at-ieor/23m1521/ashish/MTP/Vaani/Img_Audio_Alignment/available_img_audios_TEST2.csv")
6972
  image_features_savedir = '/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaani/Hindi_Image_features/'
6973
  audio_tensors_savedir = '/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaani/Hindi_Audio_tensors/'
@@ -7014,14 +7015,18 @@ csip_model = CSIP(open_clip_model.visual, peft_clap_audio_encoder).to(device)
7014
 
7015
  from torchinfo import summary
7016
  import subprocess
 
 
 
 
7017
  summary(model=csip_model,
7018
  input_data=((image_features_batch.to(device)), (audio_tensor_batch.to(device))),
7019
  # input_size = (1, 3, config.IMAGE_SIZE, config.IMAGE_SIZE),
7020
  dtypes=[torch.long],
7021
- col_names = ["input_size", "output_size", "num_params", "trainable", "params_percent"],
7022
  col_width=20,
7023
  row_settings=["var_names"],
7024
- depth = 2,
7025
  # verbose=2,
7026
  # device=device
7027
  )
@@ -7041,7 +7046,8 @@ def train_batch(model, images, audio, optimizer):
7041
  @torch.no_grad()
7042
  def evaluate_batch(model, images, audio):
7043
  model.eval()
7044
- loss, loss_i, loss_a, logits, probs, avg_similarity = model(images, audio)
 
7045
  return loss.item(), loss_i.item(), loss_a.item(), logits, probs, avg_similarity.item()
7046
 
7047
 
@@ -7123,9 +7129,10 @@ def load_checkpoint(checkpoint_dir, model, optimizer, scheduler, load_best):
7123
  else:
7124
  # Load current training state
7125
  model.load_state_dict(checkpoint['current']['model_state'])
7126
- optimizer.load_state_dict(checkpoint['current']['optimizer_state'])
7127
  if scheduler and checkpoint['current']['scheduler_state'] is not None:
7128
- scheduler.load_state_dict(checkpoint['current']['scheduler_state'])
 
7129
 
7130
  print(f"Resumed training from epoch {checkpoint['epoch']+1},"
7131
  f" best model was at epoch {checkpoint['best']['epoch']} with loss {checkpoint['best']['loss']:.4f}")
@@ -7134,7 +7141,7 @@ def load_checkpoint(checkpoint_dir, model, optimizer, scheduler, load_best):
7134
  checkpoint['best']['loss'],
7135
  checkpoint['best']['model_state'],
7136
  checkpoint['best']['optimizer_state'],
7137
- checkpoint['best']['scheduler_state']
7138
  )
7139
 
7140
 
@@ -7196,26 +7203,34 @@ def train_model(model, train_loader, test_loader,
7196
  best_scheduler_state = None
7197
 
7198
 
7199
- # if resume:
7200
- # start_epoch, best_loss = load_checkpoint(checkpoint_dir, model, optimizer, scheduler)
7201
  if resume:
7202
  (
7203
  start_epoch,
7204
  best_loss,
7205
  best_model_state,
7206
  best_optimizer_state,
7207
- best_scheduler_state
7208
 
7209
  ) = load_checkpoint(checkpoint_dir, model, optimizer, scheduler, load_best=False)
7210
 
7211
- # If resuming, don't overwrite the CSV
7212
  if not (resume and os.path.exists(csv_path)):
7213
  with open(csv_path, mode='w', newline='') as f:
7214
  writer_csv = csv.writer(f)
7215
  writer_csv.writerow(["Epoch", "Best Epoch", "Train Loss", "Test Loss",
7216
  "Best Loss", "Train Sim", "Test Sim", "Learning Rate",
7217
  "Train I-Loss", "Test I-Loss", "Train A-Loss", "Test A-Loss"])
7218
-
 
 
 
 
 
 
 
 
 
 
 
7219
  for epoch in trange(start_epoch, epochs, colour='yellow', dynamic_ncols=True):
7220
  train_losses = []
7221
  test_losses = []
@@ -7277,23 +7292,6 @@ def train_model(model, train_loader, test_loader,
7277
  )
7278
 
7279
 
7280
- # if avg_test_loss < best_loss:
7281
- # save_similarity_heatmaps(logits, epoch, avg_test_loss, checkpoint_dir, writer)
7282
- # best_loss = avg_test_loss
7283
- # best_epoch = epoch + 1
7284
- # save_checkpoint({
7285
- # 'epoch': epoch,
7286
- # 'model_state': model.state_dict(),
7287
- # 'optimizer_state': optimizer.state_dict(),
7288
- # 'best_loss': best_loss,
7289
- # 'train_loss': avg_train_loss,
7290
- # 'similarity': avg_test_sim,
7291
- # 'train_similarity': avg_train_sim,
7292
- # 'learning_rate': current_lr,
7293
- # 'scheduler_state': scheduler.state_dict() if scheduler else None
7294
- # }, checkpoint_dir, epoch)
7295
- # print(f">>> Saved new best model at epoch {epoch+1}")
7296
-
7297
  if avg_test_loss < best_loss:
7298
  best_loss = avg_test_loss
7299
  best_epoch = epoch + 1
@@ -7340,9 +7338,9 @@ def train_model(model, train_loader, test_loader,
7340
  model_name = "csip_model_openClip_CLAP"
7341
  epochs = 1000
7342
 
7343
- learning_rate = 1e-4
7344
  optimizer = torch.optim.AdamW(csip_model.parameters(), lr=learning_rate)
7345
- scheduler = torch.optim.lr_scheduler.CosineAnnealingLR(optimizer, T_max=epochs, eta_min=1e-6)
7346
 
7347
  # learning_rate = 1e-3
7348
  # optimizer = torch.optim.AdamW(csip_model.parameters(), lr=learning_rate)
 
6912
  self.audio_proj = nn.Linear(dim_audio, dim_emb)
6913
 
6914
  # Learnable temperature parameter
6915
+ # self.log_temp = nn.Parameter(torch.tensor(1/0.07).log())
6916
+ self.log_temp = torch.nn.Parameter(torch.ones([]) * np.log(1 / 0.07))
6917
 
6918
  def forward(self, images, audios):
6919
 
 
6968
  }
6969
 
6970
 
6971
+ train_df = pd.read_csv("/home/IITB/ai-at-ieor/23m1521/ashish/MTP/Vaani/Img_Audio_Alignment/available_img_audios_TRAIN3.csv")
6972
  test_df = pd.read_csv("/home/IITB/ai-at-ieor/23m1521/ashish/MTP/Vaani/Img_Audio_Alignment/available_img_audios_TEST2.csv")
6973
  image_features_savedir = '/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaani/Hindi_Image_features/'
6974
  audio_tensors_savedir = '/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaani/Hindi_Audio_tensors/'
 
7015
 
7016
  from torchinfo import summary
7017
  import subprocess
7018
+
7019
+ for param in csip_model.audio_encoder.model.projection.parameters():
7020
+ param.requires_grad = True
7021
+
7022
  summary(model=csip_model,
7023
  input_data=((image_features_batch.to(device)), (audio_tensor_batch.to(device))),
7024
  # input_size = (1, 3, config.IMAGE_SIZE, config.IMAGE_SIZE),
7025
  dtypes=[torch.long],
7026
+ col_names = ["trainable", "params_percent", "input_size", "output_size", "num_params"],
7027
  col_width=20,
7028
  row_settings=["var_names"],
7029
+ depth = 4,
7030
  # verbose=2,
7031
  # device=device
7032
  )
 
7046
  @torch.no_grad()
7047
  def evaluate_batch(model, images, audio):
7048
  model.eval()
7049
+ with torch.inference_mode():
7050
+ loss, loss_i, loss_a, logits, probs, avg_similarity = model(images, audio)
7051
  return loss.item(), loss_i.item(), loss_a.item(), logits, probs, avg_similarity.item()
7052
 
7053
 
 
7129
  else:
7130
  # Load current training state
7131
  model.load_state_dict(checkpoint['current']['model_state'])
7132
+ # optimizer.load_state_dict(checkpoint['current']['optimizer_state'])
7133
  if scheduler and checkpoint['current']['scheduler_state'] is not None:
7134
+ # scheduler.load_state_dict(checkpoint['current']['scheduler_state'])
7135
+ pass
7136
 
7137
  print(f"Resumed training from epoch {checkpoint['epoch']+1},"
7138
  f" best model was at epoch {checkpoint['best']['epoch']} with loss {checkpoint['best']['loss']:.4f}")
 
7141
  checkpoint['best']['loss'],
7142
  checkpoint['best']['model_state'],
7143
  checkpoint['best']['optimizer_state'],
7144
+ # checkpoint['best']['scheduler_state']
7145
  )
7146
 
7147
 
 
7203
  best_scheduler_state = None
7204
 
7205
 
 
 
7206
  if resume:
7207
  (
7208
  start_epoch,
7209
  best_loss,
7210
  best_model_state,
7211
  best_optimizer_state,
7212
+ # best_scheduler_state
7213
 
7214
  ) = load_checkpoint(checkpoint_dir, model, optimizer, scheduler, load_best=False)
7215
 
 
7216
  if not (resume and os.path.exists(csv_path)):
7217
  with open(csv_path, mode='w', newline='') as f:
7218
  writer_csv = csv.writer(f)
7219
  writer_csv.writerow(["Epoch", "Best Epoch", "Train Loss", "Test Loss",
7220
  "Best Loss", "Train Sim", "Test Sim", "Learning Rate",
7221
  "Train I-Loss", "Test I-Loss", "Train A-Loss", "Test A-Loss"])
7222
+
7223
+
7224
+ summary(model=model,
7225
+ input_data=((image_features_batch.to(device)), (audio_tensor_batch.to(device))),
7226
+ dtypes=[torch.long],
7227
+ col_names = ["trainable", "params_percent", "input_size", "output_size", "num_params"],
7228
+ col_width=20,
7229
+ row_settings=["var_names"],
7230
+ depth=4
7231
+ )
7232
+ current_lr = optimizer.param_groups[0]['lr']
7233
+ print(f"Starting with learning rate: {current_lr:.2e}, ")
7234
  for epoch in trange(start_epoch, epochs, colour='yellow', dynamic_ncols=True):
7235
  train_losses = []
7236
  test_losses = []
 
7292
  )
7293
 
7294
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
7295
  if avg_test_loss < best_loss:
7296
  best_loss = avg_test_loss
7297
  best_epoch = epoch + 1
 
7338
  model_name = "csip_model_openClip_CLAP"
7339
  epochs = 1000
7340
 
7341
+ learning_rate = 1e-10
7342
  optimizer = torch.optim.AdamW(csip_model.parameters(), lr=learning_rate)
7343
+ scheduler = torch.optim.lr_scheduler.CosineAnnealingLR(optimizer, T_max=epochs, eta_min=1e-10)
7344
 
7345
  # learning_rate = 1e-3
7346
  # optimizer = torch.optim.AdamW(csip_model.parameters(), lr=learning_rate)
Vaani/Img_Audio_Alignment/_2_Image_data.ipynb CHANGED
@@ -9017,6 +9017,202 @@
9017
  "train_df.to_csv(\"available_img_audios_TRAIN3.csv\", index=False)\n",
9018
  "test_df.to_csv(\"available_img_audios_TEST3.csv\", index=False)"
9019
  ]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
9020
  }
9021
  ],
9022
  "metadata": {
 
9017
  "train_df.to_csv(\"available_img_audios_TRAIN3.csv\", index=False)\n",
9018
  "test_df.to_csv(\"available_img_audios_TEST3.csv\", index=False)"
9019
  ]
9020
+ },
9021
+ {
9022
+ "cell_type": "markdown",
9023
+ "metadata": {},
9024
+ "source": [
9025
+ "Checking train test 3 for data leackage"
9026
+ ]
9027
+ },
9028
+ {
9029
+ "cell_type": "code",
9030
+ "execution_count": 7,
9031
+ "metadata": {},
9032
+ "outputs": [
9033
+ {
9034
+ "data": {
9035
+ "text/plain": [
9036
+ "120"
9037
+ ]
9038
+ },
9039
+ "execution_count": 7,
9040
+ "metadata": {},
9041
+ "output_type": "execute_result"
9042
+ }
9043
+ ],
9044
+ "source": [
9045
+ "import os\n",
9046
+ "# import pandas as pd\n",
9047
+ "import fireducks.pandas as pd\n",
9048
+ "import polars as pl\n",
9049
+ "from tqdm import tqdm, trange\n",
9050
+ "\n",
9051
+ "HINDI_AUDIO_DIR = r\"/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaani/Audios/Hindi\"\n",
9052
+ "IMAGEDIR = r\"/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaani/Images/Folder3/\"\n",
9053
+ "IMAGEAUDIOCSV = r\"/home/IITB/ai-at-ieor/23m1521/ashish/MTP/Vaani/Vaani-Audio-Image-Hindi3.csv\"\n",
9054
+ "METADIR = r\"/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaani/MetaData\"\n",
9055
+ "\n",
9056
+ "shards = [METADIR+\"/\"+i for i in sorted(os.listdir(METADIR))]\n",
9057
+ "len(shards)"
9058
+ ]
9059
+ },
9060
+ {
9061
+ "cell_type": "code",
9062
+ "execution_count": 8,
9063
+ "metadata": {},
9064
+ "outputs": [
9065
+ {
9066
+ "data": {
9067
+ "text/plain": [
9068
+ "((26810, 2), (11490, 2))"
9069
+ ]
9070
+ },
9071
+ "execution_count": 8,
9072
+ "metadata": {},
9073
+ "output_type": "execute_result"
9074
+ }
9075
+ ],
9076
+ "source": [
9077
+ "train_df2 = pd.read_csv(\"available_img_audios_TRAIN2.csv\")\n",
9078
+ "test_df2 = pd.read_csv(\"available_img_audios_TEST2.csv\")\n",
9079
+ "train_df2.shape, test_df2.shape"
9080
+ ]
9081
+ },
9082
+ {
9083
+ "cell_type": "code",
9084
+ "execution_count": 9,
9085
+ "metadata": {},
9086
+ "outputs": [
9087
+ {
9088
+ "data": {
9089
+ "text/plain": [
9090
+ "(73755, 2)"
9091
+ ]
9092
+ },
9093
+ "execution_count": 9,
9094
+ "metadata": {},
9095
+ "output_type": "execute_result"
9096
+ }
9097
+ ],
9098
+ "source": [
9099
+ "available_img_audios_df = pd.concat([pd.read_csv(\"available_img_audios_TRAIN3.csv\"), pd.read_csv(\"available_img_audios_TEST3.csv\")], \n",
9100
+ " ignore_index=True).sample(frac=1).reset_index(drop=True)\n",
9101
+ "available_img_audios_df.shape"
9102
+ ]
9103
+ },
9104
+ {
9105
+ "cell_type": "code",
9106
+ "execution_count": null,
9107
+ "metadata": {},
9108
+ "outputs": [
9109
+ {
9110
+ "data": {
9111
+ "text/html": [
9112
+ "<div>\n",
9113
+ "<style scoped>\n",
9114
+ " .dataframe tbody tr th:only-of-type {\n",
9115
+ " vertical-align: middle;\n",
9116
+ " }\n",
9117
+ "\n",
9118
+ " .dataframe tbody tr th {\n",
9119
+ " vertical-align: top;\n",
9120
+ " }\n",
9121
+ "\n",
9122
+ " .dataframe thead th {\n",
9123
+ " text-align: right;\n",
9124
+ " }\n",
9125
+ "</style>\n",
9126
+ "<table border=\"1\" class=\"dataframe\">\n",
9127
+ " <thead>\n",
9128
+ " <tr style=\"text-align: right;\">\n",
9129
+ " <th></th>\n",
9130
+ " <th>image_path</th>\n",
9131
+ " <th>audio_path</th>\n",
9132
+ " </tr>\n",
9133
+ " </thead>\n",
9134
+ " <tbody>\n",
9135
+ " <tr>\n",
9136
+ " <th>0</th>\n",
9137
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9138
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9139
+ " </tr>\n",
9140
+ " <tr>\n",
9141
+ " <th>1</th>\n",
9142
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9143
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9144
+ " </tr>\n",
9145
+ " <tr>\n",
9146
+ " <th>2</th>\n",
9147
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9148
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9149
+ " </tr>\n",
9150
+ " <tr>\n",
9151
+ " <th>3</th>\n",
9152
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9153
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9154
+ " </tr>\n",
9155
+ " <tr>\n",
9156
+ " <th>4</th>\n",
9157
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9158
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9159
+ " </tr>\n",
9160
+ " <tr>\n",
9161
+ " <th>...</th>\n",
9162
+ " <td>...</td>\n",
9163
+ " <td>...</td>\n",
9164
+ " </tr>\n",
9165
+ " <tr>\n",
9166
+ " <th>62260</th>\n",
9167
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9168
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9169
+ " </tr>\n",
9170
+ " <tr>\n",
9171
+ " <th>62261</th>\n",
9172
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9173
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9174
+ " </tr>\n",
9175
+ " <tr>\n",
9176
+ " <th>62262</th>\n",
9177
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9178
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9179
+ " </tr>\n",
9180
+ " <tr>\n",
9181
+ " <th>62263</th>\n",
9182
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9183
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9184
+ " </tr>\n",
9185
+ " <tr>\n",
9186
+ " <th>62264</th>\n",
9187
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9188
+ " <td>/scratch/IITB/ai-at-ieor/23m1521/datasets/Vaan...</td>\n",
9189
+ " </tr>\n",
9190
+ " </tbody>\n",
9191
+ "</table>\n",
9192
+ "<p>62265 rows x 2 columns</p>\n",
9193
+ "</div>"
9194
+ ]
9195
+ },
9196
+ "metadata": {},
9197
+ "output_type": "display_data"
9198
+ }
9199
+ ],
9200
+ "source": [
9201
+ "train_df3 = available_img_audios_df.merge(\n",
9202
+ " test_df2, on=['image_path', 'audio_path'], how='left', indicator=True\n",
9203
+ ")\n",
9204
+ "train_df3 = train_df3[train_df3['_merge'] == 'left_only'].drop(columns=['_merge']).reset_index(drop=True)\n",
9205
+ "train_df3"
9206
+ ]
9207
+ },
9208
+ {
9209
+ "cell_type": "code",
9210
+ "execution_count": 13,
9211
+ "metadata": {},
9212
+ "outputs": [],
9213
+ "source": [
9214
+ "train_df3.to_csv(\"available_img_audios_TRAIN3.csv\", index=False)"
9215
+ ]
9216
  }
9217
  ],
9218
  "metadata": {
Vaani/Img_Audio_Alignment/available_img_audios_TRAIN3.csv CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:719e5fef279658370c6f754a34c8bc1ba1af4fe259c46b53002b3932a1889e89
3
- size 17466633
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e52af0dab675e3be6db652d8470e91b71ba68c7e9c7ac3a049215fa0eec4dbab
3
+ size 17336800
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/checkpoints/csip/csip_epoch_950_best_epoch_-1.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:aa69d9e72fe64bf456ca79d64b1756a626739c666b649f135827f8453be669c5
3
+ size 2705757442
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/checkpoints/csip/csip_epoch_951_best_epoch_-1.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f509a3dbf0a18f01b38c02e0d17ec89d60b3cc7175a7f68cb5af9f573510bb89
3
+ size 2705757442
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748291940.rmgpu013.1373693.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d8a1b0c86a258097dad14070858487ceda08ed89ad6c7beed2e0835ee01c2315
3
+ size 6752
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748294235.rmgpu013.1398689.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0f5b1a0aa23e69e09fde213c01bae9e12d6908b3d81e4c83081aa0b27e4c776e
3
+ size 88
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748294327.rmgpu013.1402286.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5aa8633920fa836c84b980157824e727c7b93ed35975ca5d35732e04bceef0e6
3
+ size 564
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748294610.rmgpu013.1407898.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8d456ee90d35273b8f9185b713f81c7cf1418b6555f1e8ba82d4b3bbb3dbb2d8
3
+ size 564
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748295170.rmgpu013.1415262.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bf56c42a54b335429b8f1fc23623e01a78173f734df67a85ca963ed83ec0ff95
3
+ size 133844
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748339919.rmgpu013.1849559.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f1ac1f3b3190270c19761a251b0013e13994c37451e75c692b013e5a0be053f4
3
+ size 1040
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748340655.rmgpu013.1859891.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3e62b6c40b3a3b207dce32e21d0f727395d7741cb76c2fb6c0bb0074793c6a8d
3
+ size 88
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748340744.rmgpu013.1863316.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:710918f8857e95d21dd8ecda77d38c43ee8893ffd71f6d4f1a0489ec645e2f79
3
+ size 1040
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748341523.rmgpu013.1873650.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6cf2db8ec95ce8e2f16ca752729f763cb6aad0ba37569f21b2743574aa304b00
3
+ size 1516
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748342848.rmgpu013.1889097.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:26d75dfa40ebc555f545235123cd27a90c89226f1c5edcd6eed53da3115d2462
3
+ size 14844
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/events.out.tfevents.1748352987.rmgpu013.1990121.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:aaac5eff0e799f465c245f0f40500f62d20b97faf8a9702fd467a35e9e3146c7
3
+ size 24840
Vaani/Img_Audio_Alignment/csip_model_openClip_CLAP/runs/csip/training_log.csv CHANGED
@@ -711,3 +711,390 @@ Epoch,Best Epoch,Train Loss,Test Loss,Best Loss,Train Sim,Test Sim,Learning Rate
711
  571,-1,4.804670726685297,4.832251607047187,4.138612220022414,0.1762969922451746,0.07277180680798159,3.9526099162676834e-08,4.8047247409820555,4.832307873831855,4.804616705576579,4.832195292578803
712
  572,-1,4.8049245402926495,4.832238488727146,4.138612220022414,0.17523243583384016,0.07241847929027345,3.568662128116049e-08,4.804978936059134,4.832294872072008,4.804870128631592,4.8321821000840925
713
  573,-1,4.8046540305728005,4.832255172729492,4.138612220022414,0.17624158901827677,0.07301225811243058,3.204312796548397e-08,4.804708042598906,4.832311524285211,4.804600011734736,4.832198863559299
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
711
  571,-1,4.804670726685297,4.832251607047187,4.138612220022414,0.1762969922451746,0.07277180680798159,3.9526099162676834e-08,4.8047247409820555,4.832307873831855,4.804616705576579,4.832195292578803
712
  572,-1,4.8049245402926495,4.832238488727146,4.138612220022414,0.17523243583384016,0.07241847929027345,3.568662128116049e-08,4.804978936059134,4.832294872072008,4.804870128631592,4.8321821000840925
713
  573,-1,4.8046540305728005,4.832255172729492,4.138612220022414,0.17624158901827677,0.07301225811243058,3.204312796548397e-08,4.804708042598906,4.832311524285211,4.804600011734736,4.832198863559299
714
+ 573,-1,4.8080137184688025,4.832043102052476,4.138612220022414,0.16326093737568173,0.07357726548280981,3.204312796548397e-08,4.808068186896188,4.832099368837144,4.807959250041416,4.831986761093139
715
+ 574,-1,4.807882377079555,4.832063298755222,4.138612220022414,0.16390302890823,0.07415156873563926,2.8595763054525182e-08,4.807937794639951,4.832119501961602,4.80782698903765,4.832007063759698
716
+ 575,-1,4.80800275575547,4.832058170106676,4.138612220022414,0.16369599756740388,0.07425380055275228,2.534466264434815e-08,4.808058152879988,4.832114468680488,4.807947363172259,4.832001887427436
717
+ 576,-1,4.808172984350295,4.832050699657864,4.138612220022414,0.16278699657746723,0.07397552447186576,2.2289955082830133e-08,4.8082282997313,4.832106902864244,4.808117680322557,4.831994522942437
718
+ 577,-1,4.8080785229092555,4.832049141989814,4.138612220022414,0.16284021799053464,0.07375778837336434,1.94317609645946e-08,4.80813399042402,4.832105387581719,4.8080230213346935,4.831992875205146
719
+ 578,-1,4.807890358425322,4.832027679019504,4.138612220022414,0.16411699603001276,0.07377195954322815,1.6770193126252328e-08,4.807944954009283,4.832083898120456,4.807835792359851,4.831971454620361
720
+ 579,-1,4.808117821103051,4.832034598456489,4.138612220022414,0.16260242895001456,0.07317192335095671,1.4305356641943334e-08,4.808172378085908,4.832090870539347,4.808063291368031,4.831978310479058
721
+ 580,-1,4.808229519072033,4.832041205300225,4.138612220022414,0.16201117443186897,0.07339802260200183,1.2037348819191906e-08,4.808284843535651,4.832097546259562,4.808174215044294,4.831984885533651
722
+ 581,-1,4.808074696858724,4.832051753997803,4.138612220022414,0.16259101991142547,0.07347932308912278,9.966259195063599e-09,4.808129712513515,4.832108031378852,4.808019653956095,4.831995492511325
723
+ 582,-1,4.807980859847296,4.832039965523614,4.138612220022414,0.1634143201722985,0.07342929989099503,8.092169532630321e-09,4.808035943621681,4.832096354166667,4.807925776072911,4.831983629862467
724
+ 583,-1,4.808277255012875,4.832039499282837,4.138612220022414,0.16222006451515925,0.07406143690976831,6.415153817742951e-09,4.808331178483509,4.832095845540365,4.80822332245963,4.831983147727119
725
+ 584,-1,4.808000596364339,4.832037952211168,4.138612220022414,0.1634225627496129,0.07367450979848703,4.9352782561103635e-09,4.808055518922352,4.832094303766886,4.807945680618286,4.831981627146403
726
+ 585,-1,4.8079919951302665,4.832058217790392,4.138612220022414,0.16355007177307493,0.07404700790842374,3.6526012706859987e-09,4.808047174272083,4.832114595837063,4.80793680917649,4.832001813252767
727
+ 586,-1,4.808121883301508,4.832057624393039,4.138612220022414,0.16281366883998827,0.0740008125288619,2.5671734993602815e-09,4.808177344004313,4.832113981246948,4.808066438493275,4.832001299328274
728
+ 586,-1,4.808311060496739,4.832030974494087,4.138612220022414,0.16225397941612063,0.07353816591203213,2.5671734993602815e-09,4.808365987596058,4.832087310155233,4.808256131126767,4.8319745911492245
729
+ 586,-1,4.808068536576771,4.832051510281033,4.138612220022414,0.16318979724532082,0.07366062783532673,2.5671734993602815e-09,4.808123415992373,4.832107729381985,4.808013638995942,4.831995291180081
730
+ 586,-1,4.812174138568697,4.832103755739,4.138612220022414,0.14432559261719385,0.06453580289251275,0.0001,4.81221151578994,4.832112163967556,4.812136759076799,4.832095368703206
731
+ 587,-1,4.811171000344412,4.831742895974053,4.138612220022414,0.1476071930357388,0.057051510384513275,9.9999755727492e-05,4.811210639136178,4.8317797131008575,4.811131393341791,4.831706020567152
732
+ 588,-1,4.809543759482247,4.8309306409623884,4.138612220022414,0.15111014016327404,0.07913396412299739,9.999902291237878e-05,4.8095878351302375,4.8309749921162926,4.809499701999482,4.8308862580193415
733
+ 589,-1,4.808623422895159,4.830431058671739,4.138612220022414,0.1502696200850464,0.08153060840235817,9.999780156189302e-05,4.808668490818569,4.8304857624901665,4.808578320911953,4.830376333660549
734
+ 590,-1,4.807006511234102,4.829742108450995,4.138612220022414,0.15306559119905744,0.07840953299568759,9.999609168808891e-05,4.807054160890125,4.8298015647464325,4.806958809353056,4.829682641559177
735
+ 591,-1,4.806327615465436,4.829880915747749,4.138612220022414,0.1510151754177752,0.08739586667054229,9.999389330784221e-05,4.806369963146391,4.829933638042874,4.8062852836790535,4.829828156365289
736
+ 592,-1,4.80455717813401,4.829009702470567,4.138612220022414,0.15307014524227097,0.06144900125347906,9.999120644285006e-05,4.804604030790783,4.82906190554301,4.804510318665278,4.828957435819838
737
+ 593,-1,4.803172844932193,4.8293997234768336,4.138612220022414,0.1550397453563554,0.06178683309505383,9.998803111963074e-05,4.803220485505603,4.829432657029893,4.803125215712048,4.829366784625583
738
+ 594,-1,4.801682240622384,4.82827320098877,4.138612220022414,0.15594681444622222,0.0773141063335869,9.998436736952336e-05,4.8017307531265985,4.828332307603624,4.801633723576864,4.828214089075725
739
+ 595,-1,4.799622222355434,4.828661357031928,4.138612220022414,0.1593460965369429,0.05711636605362098,9.998021522868771e-05,4.79967885017395,4.828712458080716,4.799565580912999,4.828610213597615
740
+ 596,-1,4.798389795848301,4.826911168628269,4.138612220022414,0.1598184813700971,0.06813786485128932,9.997557473810373e-05,4.7984471548171275,4.826989263958401,4.798332457315354,4.8268331156836615
741
+ 597,-1,4.796305277234032,4.826796918445163,4.138612220022414,0.1633183787621203,0.08067789421313339,9.997044594357117e-05,4.79636408715021,4.826868661244711,4.796246451423282,4.826725143856472
742
+ 598,-1,4.794569066592625,4.826655006408691,4.138612220022414,0.16640781880844208,0.07905394236246745,9.996482889570917e-05,4.794636249542236,4.826734187867906,4.794501885913667,4.826575793160332
743
+ 599,-1,4.793230435961768,4.8258034335242375,4.138612220022414,0.1644930871469634,0.07507351367837853,9.995872364995573e-05,4.793301248550415,4.825879038704766,4.793159625643775,4.825727807150947
744
+ 600,-1,4.791136837005615,4.825329298443265,4.138612220022414,0.16817925515628995,0.0832065370761686,9.99521302665672e-05,4.791203685033889,4.82541536755032,4.791070016225179,4.82524323993259
745
+ 601,-1,4.789254056839716,4.8253382470872666,4.138612220022414,0.16888318430809748,0.0867070057325893,9.994504881061754e-05,4.789331207956587,4.825405592388577,4.789176920482091,4.825270869996813
746
+ 602,-1,4.787240496135893,4.824326329761082,4.138612220022414,0.1722487597948029,0.05967953910844193,9.993747935199789e-05,4.787316786675226,4.824386601977878,4.787164222626459,4.824266025755141
747
+ 603,-1,4.7852668353489465,4.823970789379544,4.138612220022414,0.17192943756069456,0.07138085526724657,9.992942196541575e-05,4.785342250551496,4.824032359653049,4.785191428093683,4.8239092350006105
748
+ 604,-1,4.78291361899603,4.822592359118992,4.138612220022414,0.174909803767999,0.0733404152509239,9.992087673039428e-05,4.783004139718555,4.82268025610182,4.782823078972953,4.822504403856065
749
+ 605,-1,4.78114128112793,4.823217254214817,4.138612220022414,0.17412425726652145,0.07403753068712023,9.99118437312715e-05,4.781222964468457,4.823309935463799,4.781059630711874,4.823124583562215
750
+ 606,-1,4.778074571064541,4.822936799791124,4.138612220022414,0.1802120498958088,0.07136938932041327,9.990232305719945e-05,4.778168845176697,4.822946013344659,4.777980275381179,4.822927543852065
751
+ 607,-1,4.776184720084781,4.821011389626397,4.138612220022414,0.17906876632145474,0.08131555376781358,9.989231480214336e-05,4.776286051386879,4.821110317442153,4.776083344504947,4.820912514792548
752
+ 608,-1,4.774079409099761,4.8205088456471765,4.138612220022414,0.1814593677009855,0.08110492568877008,9.988181906488065e-05,4.774168527693975,4.820602099100749,4.773990293911525,4.820415560404459
753
+ 609,-1,4.7714724461237585,4.819209029939439,4.138612220022414,0.18241599131198155,0.08511150425506962,9.987083594900002e-05,4.7715713818868,4.819336742824978,4.7713735466911675,4.819081338246663
754
+ 610,-1,4.769200020744687,4.8200594690110945,4.138612220022414,0.18456068372442608,0.08499760031700135,9.985936556290038e-05,4.76929794720241,4.820143969853719,4.769102089745658,4.819974957572089
755
+ 611,-1,4.766570020857311,4.818556621339586,4.138612220022414,0.1846505847715196,0.08563257906999854,9.984740801978982e-05,4.766684231303987,4.818676953845554,4.766455822899228,4.818436262342665
756
+ 612,-1,4.7633741673969086,4.817880879508125,4.138612220022414,0.18702844232320787,0.06675304348270099,9.983496343768446e-05,4.7634890783400765,4.8179581059349905,4.763259262130374,4.817803637186686
757
+ 613,-1,4.760575149172828,4.818126826816135,4.138612220022414,0.18932871697914033,0.07288069455987878,9.98220319394073e-05,4.760697621390933,4.818227932188246,4.760452680360704,4.818025779724121
758
+ 614,-1,4.757481497810001,4.818441152572632,4.138612220022414,0.19240449815988542,0.07697596980465783,9.980861365258703e-05,4.757605264300392,4.818432172139485,4.7573577438082015,4.818450122409397
759
+ 615,-1,4.755297472363426,4.815631845262316,4.138612220022414,0.19120259341739473,0.08221995251046287,9.979470870965668e-05,4.755418272245498,4.815767277611626,4.755176655451456,4.815496444702148
760
+ 616,-1,4.751436980565389,4.814077711105346,4.138612220022414,0.19489252042202723,0.08370589965747463,9.978031724785244e-05,4.751569818315052,4.81421029832628,4.751304129191808,4.813945107989841
761
+ 617,-1,4.749015759286427,4.815060472488403,4.138612220022414,0.19580688512041455,0.08129527866840362,9.976543940921224e-05,4.749150010517665,4.8151805877685545,4.748881537573678,4.814940373102824
762
+ 618,-1,4.7454574675787065,4.81423774295383,4.138612220022414,0.19717896935485657,0.07814129889011383,9.975007534057434e-05,4.745603949683053,4.814396852917142,4.745311009316217,4.814078617095947
763
+ 619,-1,4.7423962195714315,4.8130101998647055,4.138612220022414,0.19883481640191306,0.07716527717808883,9.973422519357587e-05,4.742546635582333,4.813071340984768,4.742245778583345,4.812949095831977
764
+ 620,-1,4.7388802392142155,4.812210565143161,4.138612220022414,0.20071159650882084,0.08421011235978869,9.971788912465142e-05,4.739033313024612,4.812372742758857,4.738727188110351,4.812048408720228
765
+ 621,-1,4.735427454539708,4.811400063832601,4.138612220022414,0.2027653706215677,0.0795047032336394,9.970106729503138e-05,4.735575753166562,4.811507537629869,4.73527919337863,4.811292605929904
766
+ 622,-1,4.7325624715714225,4.8096598360273575,4.138612220022414,0.2026068295751299,0.07319679678314261,9.968375987074039e-05,4.732715591930208,4.809854549831814,4.73240932055882,4.809465069240994
767
+ 623,-1,4.729145914032346,4.810274765226576,4.138612220022414,0.20431727405105318,0.06937921982672479,9.966596702259576e-05,4.729309185345968,4.81038416756524,4.728982633636111,4.810165357589722
768
+ 624,-1,4.724379850569226,4.808082056045532,4.138612220022414,0.2062208994513466,0.08067241724994448,9.964768892620573e-05,4.724557597296578,4.808282279968262,4.724202062970116,4.8078818639119465
769
+ 625,-1,4.7210629429136,4.808376370535957,4.138612220022414,0.20731507802293414,0.08688836387462086,9.962892576196774e-05,4.721244364693051,4.808531861835056,4.720881512051537,4.808220873938667
770
+ 626,-1,4.716980059941609,4.808320013682048,4.138612220022414,0.2096913217788651,0.07625139885478549,9.960967771506662e-05,4.7171605110168455,4.808358224232991,4.716799648602803,4.808281771341959
771
+ 627,-1,4.712667744500297,4.806697087817722,4.138612220022414,0.2114817338330405,0.0754690948045916,9.958994497547283e-05,4.712859356971014,4.806936735577054,4.712476142247518,4.806457466549343
772
+ 628,-1,4.70841767901466,4.804897705713908,4.138612220022414,0.21293510773352214,0.0834348514676094,9.956972773794053e-05,4.708627130871728,4.805129877726237,4.7082082487287975,4.804665560192532
773
+ 629,-1,4.704389258793422,4.803628243340386,4.138612220022414,0.21380251589275542,0.07357660805185635,9.954902620200571e-05,4.704600632758368,4.803842963112725,4.7041778632572715,4.803413528866238
774
+ 630,-1,4.70208398274013,4.80270283487108,4.138612220022414,0.21144218778326399,0.08351231416066487,9.952784057198417e-05,4.702284982090904,4.802870533201429,4.7018830026899066,4.802535147137112
775
+ 631,-1,4.695890297208513,4.802505148781671,4.138612220022414,0.21576232541175117,0.06948815319273206,9.950617105696954e-05,4.696099623044332,4.802750937143961,4.695680995214553,4.802259402804904
776
+ 632,-1,4.691234959874834,4.802735561794705,4.138612220022414,0.21861558705568312,0.0920130884481801,9.948401787083116e-05,4.691472228368124,4.802803791893853,4.6909976550510954,4.802667352888319
777
+ 633,-1,4.686605342229208,4.800314791997274,4.138612220022414,0.2196440102798598,0.07253128120468723,9.946138123221205e-05,4.686833088738577,4.80055209795634,4.686377594584511,4.80007742245992
778
+ 634,-1,4.68286536307562,4.799450699488322,4.138612220022414,0.2192290499806404,0.08024710516134897,9.943826136452668e-05,4.683106759616307,4.7995484352111815,4.6826239710762385,4.799352958467272
779
+ 635,-1,4.677215993972052,4.7971655368804935,4.138612220022414,0.22141626079877216,0.07502884939312934,9.941465849595883e-05,4.677465923627218,4.797420846091376,4.676966066587539,4.796910291247897
780
+ 636,-1,4.671437315713792,4.7985453605651855,4.138612220022414,0.22346323693082445,0.08558433515330156,9.939057285945926e-05,4.67170585110074,4.798673640357124,4.671168730372474,4.798417075475057
781
+ 637,-1,4.667530459449405,4.79565052456326,4.138612220022414,0.22398417123726436,0.08010042367710007,9.936600469274349e-05,4.667802219163804,4.7959435039096405,4.667258725847517,4.795357566409641
782
+ 638,-1,4.662276022774833,4.793525568644205,4.138612220022414,0.22396637414182935,0.07549774816466702,9.934095423828941e-05,4.66253007934207,4.7938081847296825,4.6620219696135745,4.793242979049682
783
+ 639,-1,4.65689647311256,4.795586294598049,4.138612220022414,0.22627830320880526,0.07065964407391018,9.93154217433349e-05,4.657167159943354,4.7956469906700985,4.656625801041013,4.795525587929619
784
+ 640,-1,4.650773239135742,4.793317254384359,4.138612220022414,0.22817281463316508,0.07096247813767857,9.928940745987535e-05,4.651064318702335,4.793631018532647,4.650482149351211,4.793003458446926
785
+ 641,-1,4.645147986639113,4.792443905936347,4.138612220022414,0.22912659219333104,0.0746170191715161,9.926291164466125e-05,4.6454413856778825,4.792691739400228,4.644854603494917,4.7921961572435166
786
+ 642,-1,4.6389734676906045,4.7922271304660375,4.138612220022414,0.23040807332311358,0.06712136827409268,9.923593455919561e-05,4.639262922604879,4.792376232147217,4.638683998017084,4.792078065872192
787
+ 643,-1,4.632788836388361,4.7897249062856035,4.138612220022414,0.2322001141451654,0.0830229527834389,9.920847646973136e-05,4.633116244134449,4.789996057086521,4.632461417289007,4.789453766081068
788
+ 644,-1,4.627030397596814,4.787910588582357,4.138612220022414,0.23333784583069028,0.07566878472765287,9.918053764726877e-05,4.627344652584621,4.7882663408915205,4.626716130120414,4.787554857465956
789
+ 645,-1,4.621043034962246,4.786231189303928,4.138612220022414,0.23356163331440516,0.0814151498178641,9.915211836755271e-05,4.621364997682117,4.786516110102336,4.620721105166844,4.785946289698283
790
+ 646,-1,4.615214563551403,4.787044138378567,4.138612220022414,0.23520505463793165,0.08022127809623877,9.912321891107005e-05,4.615571018627712,4.787374909718832,4.614858127775646,4.786713351143731
791
+ 647,-1,4.607628577096122,4.785058747397529,4.138612220022414,0.23659373195398423,0.08596336108942827,9.90938395630467e-05,4.607976029032753,4.785225105285645,4.607281121753511,4.7848924107021755
792
+ 648,-1,4.60206538268498,4.784629318449232,4.138612220022414,0.23683688271613348,0.0828858012954394,9.906398061344499e-05,4.602405967031206,4.784771034452651,4.601724793797447,4.7844876024458145
793
+ 649,-1,4.594996462549482,4.782232538859049,4.138612220022414,0.23838526053088052,0.08026244661046399,9.90336423569607e-05,4.595373157092503,4.782574696011014,4.5946198043369115,4.781890365812513
794
+ 650,-1,4.587520279203143,4.780331076516045,4.138612220022414,0.24003307634875887,0.0788288799011045,9.900282509302016e-05,4.587895375206357,4.780715915891859,4.5871452127184185,4.77994622124566
795
+ 651,-1,4.580006319000607,4.780686177147759,4.138612220022414,0.2410434127563522,0.07788188093238407,9.897152912577736e-05,4.580367590132214,4.780967532263862,4.57964505468096,4.780404837926229
796
+ 652,-1,4.573352296011788,4.779140689637926,4.138612220022414,0.24193165465479805,0.08253933431373703,9.893975476411081e-05,4.5737315450395855,4.779469241036309,4.572973023142134,4.778812148835924
797
+ 653,-1,4.565337341172355,4.77802161110772,4.138612220022414,0.24311999536695936,0.07225384948154291,9.890750232162067e-05,4.565738748368763,4.778150219387478,4.564935902186803,4.777892992231581
798
+ 654,-1,4.557935652278719,4.777455817328559,4.138612220022414,0.2445262767729305,0.08259170490006605,9.887477211662551e-05,4.558322706676665,4.77781433529324,4.557548597880772,4.777097278171116
799
+ 655,-1,4.5507457687741235,4.773486635420057,4.138612220022414,0.24503960417849677,0.0765693290779988,9.884156447215925e-05,4.55116339524587,4.773950052261353,4.550328163873582,4.773023170895047
800
+ 656,-1,4.542373374530247,4.7734008948008215,4.138612220022414,0.24578811703693298,0.07498513774739371,9.880787971596794e-05,4.542752717790149,4.773751078711616,4.541994040352957,4.773050684399075
801
+ 657,-1,4.533239360082717,4.773440297444662,4.138612220022414,0.24812287851458503,0.0731144294142723,9.877371818050649e-05,4.533668644087655,4.773758671018812,4.532810094243004,4.773121945063273
802
+ 658,-1,4.524213839712597,4.771509647369385,4.138612220022414,0.24916406784738812,0.07743035107851029,9.873908020293551e-05,4.524672001884097,4.7720022360483805,4.5237556684584845,4.771017026901245
803
+ 659,-1,4.515300730296544,4.771027792824639,4.138612220022414,0.250808881790865,0.0729721991552247,9.870396612511781e-05,4.515731906890869,4.77148651017083,4.514869563920158,4.770569054285685
804
+ 660,-1,4.50721374693371,4.768359316719903,4.138612220022414,0.2513670346566609,0.0772569910933574,9.86683762936152e-05,4.507708651678903,4.768765131632487,4.506718836511884,4.767953485912747
805
+ 661,-1,4.498283751805624,4.7659507115681965,4.138612220022414,0.2517759238680204,0.08023991183274322,9.863231105968491e-05,4.498748839469183,4.766418769624498,4.497818620999654,4.765482653511895
806
+ 662,-1,4.489733583586556,4.764630036883884,4.138612220022414,0.2530250886366481,0.07653527475065655,9.859577077927629e-05,4.490178939274379,4.765114365683662,4.489288205192203,4.764145697487725
807
+ 663,-1,4.480176417032878,4.766081534491645,4.138612220022414,0.25374343785501663,0.07596644266612,9.85587558130271e-05,4.480670307931446,4.766521162456936,4.479682497751146,4.765641890631782
808
+ 664,-1,4.47147733711061,4.76143430603875,4.138612220022414,0.2545480869355656,0.0716385468840599,9.852126652626016e-05,4.471986794471741,4.762018616994222,4.470967870666867,4.760850074556139
809
+ 665,-1,4.460248113813854,4.762188985612657,4.138612220022414,0.25630299299955367,0.07389425287644068,9.848330328897956e-05,4.460709012122381,4.762522957060072,4.459787183716184,4.761855035358005
810
+ 666,-1,4.452146924109686,4.760259453455607,4.138612220022414,0.2565967735080492,0.07778511792421341,9.844486647586715e-05,4.45264565490541,4.76091259320577,4.451648186502003,4.759606340196398
811
+ 667,-1,4.442272472381592,4.761011791229248,4.138612220022414,0.25716828789029805,0.08172672498557303,9.840595646627875e-05,4.44272654737745,4.761416663063897,4.441818382626488,4.760606898201837
812
+ 668,-1,4.428420600436983,4.75883682568868,4.138612220022414,0.2600877229656492,0.07426535400251548,9.836657364424045e-05,4.428935779844012,4.759474330478245,4.4279054244359335,4.758199326197306
813
+ 669,-1,4.418528082257225,4.7585374143388535,4.138612220022414,0.2607155217301278,0.07321641114022996,9.832671839844478e-05,4.419036102294922,4.758931838141548,4.418020086061387,4.7581430170271135
814
+ 670,-1,4.406774525415329,4.7577050156063505,4.138612220022414,0.2626652309582347,0.07818708043131563,9.828639112224698e-05,4.407292149180457,4.757802036073473,4.40625684942518,4.757607979244656
815
+ 671,-1,4.3963250727880565,4.754404534233941,4.138612220022414,0.2627456258450236,0.0784991945243544,9.824559221366091e-05,4.396818371046157,4.754620472590129,4.395831846055531,4.754188595877753
816
+ 672,-1,4.387067199888683,4.755910163455539,4.138612220022414,0.2630061920200075,0.07619703341689375,9.82043220753554e-05,4.3875632649376275,4.755877616670396,4.386571165493557,4.755942757924398
817
+ 673,-1,4.374033183143252,4.749401871363322,4.138612220022414,0.26345365529968623,0.07436163810392221,9.816258111465e-05,4.374589891660781,4.749971935484145,4.373476481437683,4.748831796646118
818
+ 674,-1,4.360259873526437,4.749607451756796,4.138612220022414,0.26665230421792896,0.07567257785962687,9.812036974351116e-05,4.360828337215242,4.750004821353489,4.359691412108285,4.7492101192474365
819
+ 675,-1,4.349121098291306,4.752653482225206,4.138612220022414,0.2670542558034261,0.07777284176813232,9.807768837854808e-05,4.349653125944592,4.752608119116889,4.34858903771355,4.752698871824476
820
+ 676,-1,4.334877366111392,4.74779421488444,4.138612220022414,0.268606799131348,0.07246827979882559,9.80345374410086e-05,4.335410510926019,4.748403920067681,4.33434422924405,4.74718452029758
821
+ 677,-1,4.324503312792097,4.749924967024062,4.138612220022414,0.26827283118452344,0.06980863797167937,9.799091735677504e-05,4.325011167072114,4.7498716990153,4.323995453970773,4.749978235032823
822
+ 678,-1,4.310387449037461,4.744346862369113,4.138612220022414,0.2695117504823776,0.07573112609485785,9.794682855636002e-05,4.310916734877087,4.744926251305474,4.309858160927182,4.743767499923706
823
+ 679,-1,4.297183052698771,4.746707963943481,4.138612220022414,0.2707789910691125,0.07368185979624589,9.790227147490221e-05,4.297750994137355,4.747255669699775,4.296615144184657,4.746160305870903
824
+ 680,-1,4.285608604976109,4.744076405631171,4.138612220022414,0.2709657618687266,0.07501205752293269,9.785724655216202e-05,4.2860430762881325,4.744613059361776,4.28517412231082,4.743539751900567
825
+ 681,-1,4.2700126159758796,4.744874254862467,4.138612220022414,0.2727926743882043,0.07706724285251565,9.781175423251724e-05,4.270563680785043,4.744282595316569,4.269461521648226,4.745465914408366
826
+ 682,-1,4.260026096162342,4.739323472976684,4.138612220022414,0.2721698134427979,0.07403715517785814,9.776579496495873e-05,4.260497588203067,4.73972782029046,4.2595545791444325,4.738919157452053
827
+ 683,-1,4.243102943329584,4.738956848780314,4.138612220022414,0.27379112073353357,0.07861773864262633,9.771936920308587e-05,4.243568997156053,4.739225991566976,4.242636865661257,4.7386877059936525
828
+ 684,-1,4.228542595817929,4.738781065411038,4.138612220022414,0.2749692019962129,0.07770327375166947,9.767247740510224e-05,4.229044397672017,4.739109950595432,4.22804076785133,4.738452174928454
829
+ 685,-1,4.216529071898687,4.735785214106242,4.138612220022414,0.2749541768005916,0.07829858511686325,9.76251200338109e-05,4.21693374202365,4.735457197825114,4.216124455134074,4.736113272772895
830
+ 686,-1,4.199077463150024,4.735605340533787,4.138612220022414,0.27628333433752966,0.07397936181061798,9.757729755661001e-05,4.199573218254816,4.73564174440172,4.1985817023686,4.735568952560425
831
+ 687,-1,4.184625434875488,4.737076256010267,4.138612220022414,0.27691519040436974,0.07326322466962867,9.75290104454881e-05,4.185047981852577,4.736736747953627,4.1842029094696045,4.737415801154243
832
+ 688,-1,4.165988670076643,4.731301138136122,4.138612220022414,0.2790985155673254,0.07404290123118294,9.748025917701948e-05,4.166493401073274,4.73196964263916,4.165483924320766,4.730632633633084
833
+ 689,-1,4.151860375631423,4.727575365702311,4.138612220022414,0.279135095789319,0.07631175099975533,9.743104423235947e-05,4.152322213990348,4.728020281261868,4.151398572467622,4.727130455440945
834
+ 690,-1,4.133993966238839,4.728965340720283,4.138612220022414,0.2808330591235842,0.07887146990332339,9.738136609723972e-05,4.13435039066133,4.728837728500366,4.1336375611169,4.7290928840637205
835
+ 691,-1,4.117998613630022,4.726878129111396,4.138612220022414,0.2807609839098794,0.07688391796416706,9.733122526196337e-05,4.118450173877535,4.7273938708835175,4.117547040893918,4.726362413830227
836
+ 692,-1,4.10112499509539,4.729479996363322,4.138612220022414,0.282217619958378,0.07712908051908016,9.728062222140022e-05,4.101303116480509,4.729264036814372,4.100946869168963,4.729695998297798
837
+ 693,-1,4.08434126263573,4.729023472468058,4.138612220022414,0.28213673801649186,0.07267330615884728,9.722955747498185e-05,4.0847566718146915,4.729946417278714,4.083925844374157,4.7281005435519745
838
+ 694,-1,4.067916251364208,4.7254692077636715,4.138612220022414,0.2834659857409341,0.07706389903194374,9.717803152669668e-05,4.068210424695696,4.724624162250095,4.067622089385987,4.7263141632080075
839
+ 695,-1,4.048548398699079,4.725302743911743,4.138612220022414,0.2848323695716404,0.07677345118588871,9.712604488508502e-05,4.048732368151347,4.725164863798353,4.048364478065854,4.725440571043227
840
+ 696,-1,4.028782339323135,4.724798281987508,4.138612220022414,0.2855912446975708,0.07780692088935111,9.707359806323405e-05,4.028977189745222,4.7250151210361055,4.028587511607578,4.724581474728055
841
+ 697,-1,4.013848579497564,4.729556057188246,4.138612220022414,0.2853328757342838,0.07538772241936789,9.702069157877271e-05,4.013987974893479,4.728462669584486,4.013709154583159,4.730649439493815
842
+ 698,-1,3.993142911366054,4.73187517589993,4.138612220022414,0.2871408868403662,0.07144788180788358,9.696732595386666e-05,3.9932805890128726,4.731768576304118,3.993005229177929,4.731981817881266
843
+ 699,-1,3.9739664793014526,4.727231131659614,4.138612220022414,0.2873357843785059,0.07351881944470935,9.691350171521305e-05,3.9740740276518323,4.727387523651123,3.9738589400336854,4.727074755562676
844
+ 700,-1,3.9536999770573207,4.724373621410794,4.138612220022414,0.28913750265325816,0.07363573817743195,9.685921939403541e-05,3.953716254234314,4.724564186731974,3.9536836919330414,4.724183071984185
845
+ 701,-1,3.9385625078564597,4.7214055485195585,4.138612220022414,0.28850460833027247,0.07313494760957029,9.680447952607831e-05,3.9385663180124193,4.721620363659329,3.9385587260836648,4.7211907227834065
846
+ 702,-1,3.9199972164063226,4.725221570332845,4.138612220022414,0.2889718428963707,0.07851047921511863,9.674928265160217e-05,3.919908632550921,4.72404605017768,3.920085807073684,4.726397042804294
847
+ 703,-1,3.89552477541424,4.7264528857337105,4.138612220022414,0.2910387484800248,0.07629825534919897,9.669362931537785e-05,3.895286973317464,4.7251344786749945,3.895762574105036,4.7277712927924265
848
+ 704,-1,3.8794684523627874,4.724540371365017,4.138612220022414,0.2899850530283792,0.07261724120212926,9.663752006668132e-05,3.8792457739512125,4.724772050645616,3.879691145533607,4.724308729171753
849
+ 705,-1,3.855955194291614,4.727900950113932,4.138612220022414,0.29206038798604694,0.07590093169775274,9.65809554592882e-05,3.8557488543646676,4.727335283491347,3.8561615251359487,4.7284665902455645
850
+ 706,-1,3.8292019140152704,4.726148096720378,4.138612220022414,0.29410355942589894,0.07736878734495904,9.652393605146832e-05,3.828878249440874,4.724755816989475,3.8295255808603197,4.727540424134996
851
+ 707,-1,3.8120683908462523,4.727150694529215,4.138612220022414,0.2933405588070552,0.07454031064278549,9.646646240598024e-05,3.8116051900954475,4.7263177871704105,3.812531601814997,4.727983559502496
852
+ 708,-1,3.787978692281814,4.7287084208594425,4.138612220022414,0.29489577994460153,0.0736323250664605,9.640853509006562e-05,3.787601509548369,4.728853151533339,3.78835589772179,4.728563668992784
853
+ 709,-1,3.7648312738963536,4.723647085825602,4.138612220022414,0.29565727895214444,0.07687496729195117,9.635015467544367e-05,3.7643776121593655,4.723832596672906,3.7652849356333413,4.723461622662015
854
+ 710,-1,3.74518335206168,4.726654275258382,4.138612220022414,0.29604831635951995,0.07266408850749334,9.629132173830554e-05,3.7445752223332724,4.726586686240302,3.7457914681661695,4.726721864276462
855
+ 711,-1,3.7210065205891927,4.731479793124729,4.138612220022414,0.29651045557998473,0.07406757093138165,9.623203685930857e-05,3.720233930860247,4.730530309677124,3.7217791080474854,4.7324293083614775
856
+ 712,-1,3.6996532621837797,4.731372006734213,4.138612220022414,0.2971209777253015,0.07178955181605286,9.617230062357057e-05,3.698676033247085,4.731531164381239,3.700630487714495,4.731212822596232
857
+ 713,-1,3.6730912742160617,4.730923181109958,4.138612220022414,0.29815512597560884,0.07388987363212639,9.611211362066406e-05,3.672078674180167,4.7310077773200145,3.674103858357384,4.730838637881809
858
+ 714,-1,3.652354187057132,4.731747134526571,4.138612220022414,0.2986265907684962,0.07864528567426735,9.605147644461047e-05,3.6512663409823465,4.730139504538642,3.653442034267244,4.733354738023546
859
+ 715,-1,3.6302754561106365,4.734820959303114,4.138612220022414,0.29821863515036445,0.07578975868721803,9.599038969387424e-05,3.629065896215893,4.732673136393229,3.6314850273586456,4.73696878751119
860
+ 716,-1,3.5985488460177466,4.736477014753554,4.138612220022414,0.3003919761805307,0.07357792200313674,9.592885397135695e-05,3.5972945565269105,4.736543644799126,3.5998031252906437,4.736410416497124
861
+ 717,-1,3.5769988321122668,4.740930430094401,4.138612220022414,0.30079585228647504,0.07334574229187435,9.586686988439133e-05,3.575421231133597,4.740551365746392,3.578576426278977,4.7413095050387914
862
+ 718,-1,3.5488436903272356,4.742967838711209,4.138612220022414,0.3024583210547765,0.07527384269568656,9.580443804473531e-05,3.547406284014384,4.741770569483439,3.550281092098781,4.744165129131741
863
+ 719,-1,3.5283271573838735,4.741993792851766,4.138612220022414,0.3015568405389786,0.07356585214535395,9.574155906856591e-05,3.5263546137582686,4.741187556584676,3.5302997180393763,4.742800034417046
864
+ 720,-1,3.5022343839917864,4.745919042163425,4.138612220022414,0.30171261160146623,0.0739311729868253,9.567823357647328e-05,3.5003316981451853,4.743414794074164,3.504137058485122,4.748423216078017
865
+ 721,-1,3.4760290282113213,4.748469829559326,4.138612220022414,0.30333925499802544,0.0749376324729787,9.561446219345443e-05,3.4740178074155534,4.746732091903686,3.478040261495681,4.750207551320394
866
+ 722,-1,3.4455804972421555,4.757874658372667,4.138612220022414,0.3043244249763943,0.0733151511185699,9.555024554890718e-05,3.4432186626252674,4.75525811513265,3.447942327317737,4.760491201612685
867
+ 723,-1,3.420039324533372,4.755028242535062,4.138612220022414,0.3047927111387253,0.07122461617820793,9.54855842766239e-05,3.417650129681542,4.7544536113739015,3.4224285250618345,4.755602910783556
868
+ 724,-1,3.394841346286592,4.7625435034434,4.138612220022414,0.3048498989570709,0.07498611414598094,9.542047901478519e-05,3.3920121408644177,4.761685848236084,3.3976705460321335,4.763401169247097
869
+ 725,-1,3.367029008411226,4.767365137736003,4.138612220022414,0.3051757764248621,0.07268394343554974,9.535493040595375e-05,3.3641216493788217,4.767076852586534,3.3699363753909157,4.767653428183662
870
+ 726,-1,3.343522013936724,4.770308060116238,4.138612220022414,0.3056772257600512,0.07670452925893996,9.528893909706786e-05,3.340122437477112,4.766626071929932,3.3469215790430704,4.773989984724257
871
+ 727,-1,3.3118347190675284,4.782779222064548,4.138612220022414,0.30699355829329716,0.07478726787699594,9.522250573943513e-05,3.3084714378629414,4.77666318681505,3.3151980127607072,4.788895310295953
872
+ 728,-1,3.280615176473345,4.776738659540812,4.138612220022414,0.308250728959129,0.07427254199153847,9.515563098872594e-05,3.2767808505467007,4.774459362030029,3.28444949558803,4.779017909367879
873
+ 729,-1,3.267687510308765,4.780121305253771,4.138612220022414,0.3063985994883946,0.07229697451823287,9.508831550496712e-05,3.2636969645818072,4.777643616994222,3.271678056035723,4.782599067687988
874
+ 730,-1,3.2270716451463244,4.790725051032172,4.138612220022414,0.30872671433857507,0.07118547649847137,9.502055995253529e-05,3.222798680123829,4.7891367011600074,3.2313446226574127,4.792313400904337
875
+ 731,-1,3.2060315154847645,4.789722771114773,4.138612220022414,0.3077708548023587,0.07354078706767823,9.495236500015039e-05,3.2014322507949102,4.787518167495728,3.2106307699566794,4.791927337646484
876
+ 732,-1,3.1756989751543316,4.802700842751397,4.138612220022414,0.3089365452528,0.07504873640007442,9.48837313208691e-05,3.1705391157241096,4.797456751929389,3.1808588379905336,4.8079449759589306
877
+ 733,-1,3.144700204758417,4.801197412278917,4.138612220022414,0.30950333589599244,0.0749579275233878,9.48146595920781e-05,3.1390072856630598,4.800712442398071,3.1503931420189994,4.801682403352525
878
+ 734,-1,3.106980211394174,4.804875151316325,4.138612220022414,0.31123314514046624,0.07450770334237151,9.474515049548748e-05,3.101677071480524,4.803778998057047,3.1122833547138034,4.805971283382839
879
+ 735,-1,3.0911455653962636,4.810558467441135,4.138612220022414,0.31006720733074916,0.07385007970862918,9.467520471712396e-05,3.0848613443828765,4.808918539683024,3.097429792086283,4.812198395199246
880
+ 736,-1,3.0611742768968853,4.832148536046346,4.138612220022414,0.3109019317797252,0.07475601811375883,9.460482294732413e-05,3.0546179601124357,4.821836683485243,3.0677305880047028,4.842460340923733
881
+ 737,-1,3.0215407394227527,4.831604888704088,4.138612220022414,0.31221043737161724,0.0741284719357888,9.453400588072765e-05,3.0151876279285976,4.829955418904622,3.0278938622701737,4.833254374398125
882
+ 738,-1,2.998238071941194,4.846844667858548,4.138612220022414,0.312178008045469,0.07678269325859016,9.446275421627037e-05,2.9914069834209625,4.843804799185859,3.0050691536494663,4.849884520636665
883
+ 739,-1,2.971571293331328,4.852400128046671,4.138612220022414,0.3122498060975756,0.07414793401128716,9.439106865717748e-05,2.964361378124782,4.849357467227512,2.9787812062672208,4.85544278356764
884
+ 740,-1,2.9425529071262906,4.862724600897895,4.138612220022414,0.3122825852462224,0.07488572005596426,9.431894991095645e-05,2.93440622034527,4.858476792441474,2.9506995859600247,4.866972404056125
885
+ 741,-1,2.9110540605726696,4.863869036568536,4.138612220022414,0.31294492185115813,0.0735853104127778,9.424639868939025e-05,2.902485358147394,4.86018771065606,2.919622770945231,4.8675503889719645
886
+ 742,-1,2.875976712363107,4.876731899049547,4.138612220022414,0.3137313749108996,0.07645583910246691,9.417341570853011e-05,2.86733383224124,4.873692427741156,2.884619592484974,4.879771365059747
887
+ 743,-1,2.848781292779105,4.882587570614285,4.138612220022414,0.31438009100300923,0.07274132900767856,9.41000016886886e-05,2.8398933217639013,4.878297895855374,2.8576692637943086,4.886877266565959
888
+ 744,-1,2.8184934752328057,4.910847510231866,4.138612220022414,0.31459518472353615,0.07223900022606054,9.402615735443245e-05,2.808528338159834,4.907609144846599,2.828458619117737,4.914085886213514
889
+ 745,-1,2.787499175752912,4.906286652882894,4.138612220022414,0.31456269863105957,0.07684024522701899,9.395188343457545e-05,2.777676016376132,4.898107931349013,2.7973223447799684,4.914465406205919
890
+ 746,-1,2.7711349146706716,4.916227229436239,4.138612220022414,0.31393078664938606,0.07764657644761933,9.387718066217116e-05,2.760999948637826,4.913355196846856,2.7812698875154767,4.919099272622002
891
+ 747,-1,2.7325768436704365,4.926151418685913,4.138612220022414,0.3155703338838759,0.0756721352537473,9.380204977450584e-05,2.7211779021081473,4.921680890189277,2.743975802262624,4.930621899498833
892
+ 748,-1,2.6986394870848884,4.939289241366916,4.138612220022414,0.3156972064858391,0.07523495314849747,9.372649151309097e-05,2.687171691939944,4.9357194158766005,2.710107285635812,4.942858987384373
893
+ 749,-1,2.6691354183923632,4.963720056745741,4.138612220022414,0.31672408864611673,0.07694267676108413,9.365050662365613e-05,2.6569793905530656,4.954209910498725,2.6812914462316604,4.97323014471266
894
+ 750,-1,2.6454512346358525,4.964488368564182,4.138612220022414,0.3161877913134439,0.07918195542362001,9.357409585614145e-05,2.6331269309634253,4.956244903140598,2.657775525819688,4.972731807496813
895
+ 751,-1,2.613450308073135,4.9737928337521025,4.138612220022414,0.31639841014430636,0.07662405309577783,9.349725996469039e-05,2.600443548247928,4.967447752422757,2.626457074710301,4.980137883292304
896
+ 752,-1,2.577322887239002,4.996699873606364,4.138612220022414,0.3168042655502047,0.07713831547233793,9.341999970764217e-05,2.5641360021772837,4.98776175181071,2.590509766056424,5.0056380271911625
897
+ 753,-1,2.549032425312769,4.992488352457682,4.138612220022414,0.31740553010077704,0.07929009662734138,9.334231584752435e-05,2.535152292251587,4.985028992758857,2.5629125538326445,4.999947701560126
898
+ 754,-1,2.5095633983612062,5.034034956826104,4.138612220022414,0.3180345601978756,0.07890245463285181,9.326420915104526e-05,2.4956703787758237,5.023110193676419,2.523456417378925,5.044959783554077
899
+ 755,-1,2.49377863407135,5.0306420962015785,4.138612220022414,0.3174873608918417,0.07844351443151633,9.318568038908646e-05,2.479284665698097,5.024241383870443,2.5082726024446034,5.037042845620049
900
+ 756,-1,2.460562344959804,5.050106604894002,4.138612220022414,0.3184813876946767,0.07704928389026058,9.310673033669512e-05,2.4457597074054536,5.043769847022163,2.4753649671872457,5.056443309783935
901
+ 757,-1,2.4393011513210476,5.054983245001899,4.138612220022414,0.3176267501853761,0.08163037610550722,9.302735977307639e-05,2.423818183512915,5.048584323459202,2.4547841123172214,5.0613821082645
902
+ 758,-1,2.4003800908724466,5.080264070298937,4.138612220022414,0.31864938267639703,0.08148820284340116,9.29475694815857e-05,2.3847816580817813,5.076408751805624,2.415978535016378,5.084119383494059
903
+ 759,-1,2.362889426095145,5.102378421359592,4.138612220022414,0.3191249850250426,0.07904136698279116,9.2867360249721e-05,2.346843185878935,5.089455355538262,2.378935676529294,5.115301529566447
904
+ 760,-1,2.3398701162565323,5.105193074544271,4.138612220022414,0.3194027230853126,0.07829567761056953,9.278673286911502e-05,2.3232015558651518,5.095148452123007,2.3565386925424847,5.115237659878201
905
+ 761,-1,2.316798035871415,5.1343672487470835,4.138612220022414,0.3187758130686624,0.08127662932707204,9.270568813552747e-05,2.3004401411328996,5.125852950414022,2.333155914715358,5.1428816000620525
906
+ 762,-1,2.2825920536404563,5.145746040344238,4.138612220022414,0.32047259438605535,0.07925417973763413,9.262422684883716e-05,2.2649781329291208,5.141203763749864,2.300205984002068,5.15028829574585
907
+ 763,-1,2.253900411015465,5.166205496258206,4.138612220022414,0.31990304362206234,0.08098672582871384,9.254234981303407e-05,2.2351840882074265,5.1572328143649635,2.2726167321205137,5.175178156958686
908
+ 764,-1,2.2307104479698907,5.200502162509494,4.138612220022414,0.3189660309326081,0.0796457135428985,9.246005783621153e-05,2.212514373802003,5.194137710995144,2.2489065289497376,5.206866592831082
909
+ 765,-1,2.1943115438733782,5.212369812859429,4.138612220022414,0.3210501084725062,0.08221477386024263,9.23773517305581e-05,2.1753965729758855,5.205596505271064,2.2132265176091876,5.2191430621676975
910
+ 766,-1,2.1650164070583524,5.242838361528185,4.138612220022414,0.31998342687175385,0.0799075220608049,9.229423231234966e-05,2.1461067375682648,5.236158794826931,2.183926065762838,5.2495179706149635
911
+ 767,-1,2.143328730832963,5.25285833146837,4.138612220022414,0.3195719179652986,0.0805668879714277,9.221070040194132e-05,2.124627455643245,5.242244460847643,2.1620300014813743,5.263472186194526
912
+ 768,-1,2.108392645631518,5.2832543320126,4.138612220022414,0.3201935664528892,0.08337682390378581,9.21267568237593e-05,2.0882974613280525,5.2705684396955705,2.1284878214200336,5.29594021373325
913
+ 769,-1,2.0760520855585733,5.281779389911228,4.138612220022414,0.32096865659668333,0.08383103286226591,9.204240240629281e-05,2.055662441253662,5.272557730144925,2.0964417372431075,5.291001028484768
914
+ 770,-1,2.0608964937073844,5.314178164800008,4.138612220022414,0.3208187371492386,0.08360301868783103,9.195763798208596e-05,2.0410332872754053,5.303772348827786,2.0807597194399152,5.324583959579468
915
+ 771,-1,2.025829170999073,5.341137515174018,4.138612220022414,0.3211954167910985,0.08071062453091145,9.187246438772931e-05,2.005721973237537,5.333331134584215,2.0459363528660366,5.348943863974677
916
+ 772,-1,2.0078298926353453,5.348662577735054,4.138612220022414,0.32005806735583714,0.08521704094277488,9.17868824638519e-05,1.98712116196042,5.34365422460768,2.028538621607281,5.353670994440715
917
+ 773,-1,1.9734751531055996,5.352928368250529,4.138612220022414,0.3214135141599746,0.08498463055325879,9.170089305511276e-05,1.9529871679487683,5.346103032430013,1.9939631376947675,5.35975366168552
918
+ 774,-1,1.9537106167702447,5.415443330340915,4.138612220022414,0.32187976028238025,0.0862990554008219,9.161449701019265e-05,1.933688817705427,5.409669266806708,1.973732416402726,5.421217446857028
919
+ 775,-1,1.9252255439758301,5.448582945929633,4.138612220022414,0.3207276893513543,0.081604554462764,9.152769518178562e-05,1.9051798820495605,5.436931731965807,1.9452712064697628,5.460234234068129
920
+ 776,-1,1.9060362980479286,5.454601028230456,4.138612220022414,0.3206892521608444,0.08485312416321701,9.144048842659072e-05,1.8857333489826746,5.446413956748115,1.926339258466448,5.46278813150194
921
+ 777,-1,1.8692733815738134,5.480747270584106,4.138612220022414,0.32225738025846934,0.08390407847861449,9.13528776053034e-05,1.8484845087641761,5.468890407350329,1.8900622640337263,5.492604080835978
922
+ 778,-1,1.8454888729822068,5.494567759831747,4.138612220022414,0.32247641114961534,0.08724807136588626,9.126486358260708e-05,1.8250265206609453,5.486077743106418,1.865951236656734,5.503057776557075
923
+ 779,-1,1.8223310947418212,5.529152774810791,4.138612220022414,0.32190919319788613,0.08813389680451816,9.117644722716464e-05,1.8017642605872382,5.520172707239786,1.842897931734721,5.538132874170939
924
+ 780,-1,1.7980418869427273,5.565684715906779,4.138612220022414,0.3220061225550515,0.09130241150657335,9.108762941160983e-05,1.7772288396244957,5.5572227795918785,1.8188549405052548,5.5741466416252985
925
+ 781,-1,1.771237654345376,5.572301499048868,4.138612220022414,0.3224168917962483,0.09003031030297279,9.099841101253859e-05,1.7520373162769136,5.5611157629224985,1.7904379952521552,5.583487272262573
926
+ 782,-1,1.7485798739251637,5.6037615776062015,4.138612220022414,0.3217169782945088,0.08973247069451544,9.090879291050054e-05,1.7280671448934646,5.594476747512817,1.7690926086334955,5.613046338823106
927
+ 783,-1,1.7236541884286063,5.627682865990533,4.138612220022414,0.3216397755202793,0.08881310588783688,9.081877598999014e-05,1.704448665891375,5.619659656948514,1.7428597160748074,5.635706090927124
928
+ 784,-1,1.7043112272307985,5.650699106852214,4.138612220022414,0.3227308080309913,0.09055742795268694,9.072836113943807e-05,1.685010047753652,5.642484664916992,1.7236124095462617,5.658913575278389
929
+ 785,-1,1.6744073776971726,5.673740900887383,4.138612220022414,0.32224589784940083,0.08967602426807085,9.063754925120241e-05,1.655445365111033,5.660803556442261,1.693369386309669,5.686678224139744
930
+ 786,-1,1.6559933049338205,5.711242983076308,4.138612220022414,0.3212372730175654,0.08966182147463163,9.054634122155982e-05,1.6371432100023542,5.707027663124932,1.6748434015682765,5.715458313624064
931
+ 787,-1,1.6318198879559835,5.7308689806196424,4.138612220022414,0.3213652382294337,0.09390618221627342,9.045473795069674e-05,1.61344979206721,5.728903812832303,1.6501899934950328,5.732834169599745
932
+ 788,-1,1.611199879078638,5.784986734390259,4.138612220022414,0.32190237116245995,0.08946437910199165,9.036274034270046e-05,1.5932256908643814,5.783193466398451,1.6291740684282212,5.786780018276638
933
+ 789,-1,1.592702142965226,5.777476623323229,4.138612220022414,0.3213315425884156,0.09049758331643211,9.027034930555027e-05,1.575414314156487,5.77067134115431,1.609989975747608,5.784281926684909
934
+ 790,-1,1.5572871009508769,5.8073074711693655,4.138612220022414,0.32067584409600214,0.09302341366807619,9.017756575110833e-05,1.5410099296342759,5.8052641762627495,1.5735642694291614,5.809350797865126
935
+ 791,-1,1.537017507780166,5.843820169236925,4.138612220022414,0.3216335049697331,0.09143160689208242,9.008439059511093e-05,1.5204921248413268,5.831762266159058,1.5535428793657393,5.855878072314792
936
+ 792,-1,1.5219776539575487,5.889388508266872,4.138612220022414,0.3204022093897774,0.09125261455774307,8.99908247571592e-05,1.5058148049172901,5.881108707851833,1.5381404941990262,5.897668234507242
937
+ 793,-1,1.508775724115826,5.907491254806518,4.138612220022414,0.3211629853362129,0.09438029825687408,8.989686916071022e-05,1.4929226398468018,5.901144843631321,1.5246288100878398,5.913837676578098
938
+ 794,-1,1.4913626500538417,5.938485511144003,4.138612220022414,0.31913613918281736,0.09105778170956505,8.980252473306778e-05,1.4768293982460385,5.921854485405816,1.5058958967526754,5.955116573969523
939
+ 795,-1,1.4607084075609842,5.95640393363105,4.138612220022414,0.32005356862431483,0.09455956278575792,8.970779240537332e-05,1.4454764567670368,5.946744044621785,1.4759403626124064,5.9660637696584065
940
+ 796,-1,1.4482287719136193,6.007410637537638,4.138612220022414,0.3188651060774213,0.09580719396471978,8.961267311259661e-05,1.4349389229501996,5.994853772057427,1.4615186276889982,6.019967518912422
941
+ 797,-1,1.4353170780908493,5.998701651891072,4.138612220022414,0.3200835656552088,0.09498148386677106,8.951716779352672e-05,1.422407719067165,5.994553444120619,1.4482264388175237,6.00284989145067
942
+ 798,-1,1.4065929668290273,6.0367693424224855,4.138612220022414,0.3197316619611922,0.09698554765846994,8.942127739076258e-05,1.393948777516683,6.021936628553602,1.4192371589796884,6.051602035098606
943
+ 799,-1,1.3984609257607232,6.053344668282403,4.138612220022414,0.31799029211203256,0.09723909207516246,8.932500285070374e-05,1.3858235257012503,6.04664085706075,1.4110983241172064,6.060048495398627
944
+ 800,-1,1.381045531091236,6.122571473651462,4.138612220022414,0.3183392128774098,0.09536143624120288,8.922834512354104e-05,1.370039829753694,6.109891123241848,1.392051230725788,6.135251808166504
945
+ 801,-1,1.3435531695683798,6.15895660718282,4.138612220022414,0.3189676357167108,0.09457985303468175,8.913130516324725e-05,1.3321474367663975,6.152931223975288,1.3549589037895202,6.1649820221794975
946
+ 802,-1,1.3429726714179628,6.135205274158054,4.138612220022414,0.31615886886914574,0.10125233456492425,8.903388392756759e-05,1.3328001916408538,6.130469783147176,1.3531451446669442,6.1399407386779785
947
+ 803,-1,1.3269149116107395,6.208735545476277,4.138612220022414,0.31859213709831236,0.09710200660758549,8.893608237801031e-05,1.3181333269391742,6.196848917007446,1.3356964951469785,6.220622158050537
948
+ 804,-1,1.3017791816166469,6.232766352759468,4.138612220022414,0.3180661604517982,0.09894912714759509,8.883790147983726e-05,1.2921667348770869,6.22121975156996,1.3113916277885438,6.244312980439928
949
+ 805,-1,1.2891918562707447,6.276120720969306,4.138612220022414,0.3159885761283693,0.10011795038978259,8.873934220205421e-05,1.2792099038759868,6.272122346030342,1.299173814625967,6.280119053522745
950
+ 806,-1,1.2656138522284373,6.280858654446072,4.138612220022414,0.3161522155716306,0.10074913220273124,8.864040551740148e-05,1.2561436014516012,6.279258351855808,1.2750840939226604,6.282458925247193
951
+ 807,-1,1.2654340227444967,6.340639225641886,4.138612220022414,0.315381368852797,0.10173154928618007,8.854109240234422e-05,1.2573952172483718,6.3374358548058405,1.2734728285244532,6.343842585881551
952
+ 808,-1,1.2352952392328354,6.3411790159013535,4.138612220022414,0.316937803370612,0.09892417705721325,8.844140383706275e-05,1.2275604091939472,6.331446970833673,1.2430300786381676,6.350911002688938
953
+ 809,-1,1.2271812958376749,6.390175093544854,4.138612220022414,0.31501590240569344,0.10288175874286228,8.834134080544296e-05,1.22039669581822,6.386836454603407,1.233965902101426,6.393513737784492
954
+ 810,-1,1.199479984101795,6.439054706361559,4.138612220022414,0.31551285882790886,0.10344610388080279,8.82409042950666e-05,1.193789455436525,6.428891865412394,1.2051705119155702,6.449217531416151
955
+ 811,-1,1.2060161749521892,6.437221415837606,4.138612220022414,0.31435691430455165,0.10447331733173794,8.814009529720147e-05,1.2024732828140259,6.437294133504232,1.209559058575403,6.437148608101738
956
+ 812,-1,1.1682321999754224,6.484330558776856,4.138612220022414,0.3143461081243697,0.1006422066854106,8.803891480679167e-05,1.1638821911244166,6.4683486779530845,1.1725822062719435,6.500312418407864
957
+ 813,-1,1.1554520175570533,6.5008303165435795,4.138612220022414,0.3131204142456963,0.1055664714011881,8.793736382244779e-05,1.1519570220084416,6.5009027798970545,1.1589470216206141,6.5007578161027695
958
+ 814,-1,1.1577318146115259,6.565714385774401,4.138612220022414,0.31134017024721417,0.10224211944474114,8.783544334643708e-05,1.1551122370220366,6.551250055101183,1.1603513870920454,6.580178753534953
959
+ 815,-1,1.136907602491833,6.570065026813083,4.138612220022414,0.3118012077751614,0.10637951269745827,8.773315438467344e-05,1.1341796775658926,6.570461601681179,1.1396355322429113,6.569668467839559
960
+ 816,-1,1.1145445011910937,6.59224321577284,4.138612220022414,0.3125240303221203,0.1051418392194642,8.763049794670768e-05,1.114692142180034,6.59146662818061,1.1143968667302813,6.593019729190402
961
+ 817,-1,1.1071929837976182,6.640617407692803,4.138612220022414,0.3105026337362471,0.10349790280063947,8.752747504571735e-05,1.1081535427343279,6.63517591688368,1.1062324129399799,6.646058909098307
962
+ 818,-1,1.1080248023782457,6.621888245476617,4.138612220022414,0.3083045760790507,0.10565896920031971,8.742408669849694e-05,1.106702245700927,6.62003280851576,1.1093473530951001,6.623743645350138
963
+ 819,-1,1.0845113609518324,6.708867984347873,4.138612220022414,0.3112462680964243,0.1039940460688538,8.732033392544766e-05,1.0876100196724847,6.7131049844953745,1.0814127039341699,6.704630915323893
964
+ 820,-1,1.08148271498226,6.705453168021308,4.138612220022414,0.30761460335481733,0.1085598206354512,8.721621775056751e-05,1.0845669891153062,6.6993088563283285,1.0783984470935095,6.711597416136
965
+ 821,-1,1.0620594453243983,6.771255895826552,4.138612220022414,0.30786037828241075,0.10361443675226635,8.711173920144109e-05,1.063259928567069,6.766499000125461,1.060858960946401,6.7760128127204045
966
+ 822,-1,1.0555520531677065,6.791705412334866,4.138612220022414,0.30734001440661296,0.10756862122151586,8.700689930922953e-05,1.0566797926312401,6.792217270533244,1.0544243165424891,6.7911935541364885
967
+ 823,-1,1.029185871567045,6.813367901908027,4.138612220022414,0.3070090793427967,0.1074888498418861,8.69016991086602e-05,1.0339504943007514,6.809050877888997,1.0244212471303487,6.817684920628865
968
+ 824,-1,1.0177638232707977,6.821970748901367,4.138612220022414,0.30666176492259617,0.10627791707714399,8.679613963801664e-05,1.0224757779212226,6.820737086402046,1.0130518649305615,6.823204384909736
969
+ 825,-1,1.0151977607182094,6.8779638714260525,4.138612220022414,0.30391354589235214,0.10338238038950497,8.669022193912819e-05,1.0198025947525389,6.866502009497749,1.0105929224264054,6.88942568567064
970
+ 826,-1,1.0013693378085182,6.9335572136773,4.138612220022414,0.30332309305667876,0.10404536070095169,8.658394705735979e-05,1.0062165915966035,6.932273795869615,0.9965220896970658,6.934840610292222
971
+ 827,-1,0.993111363762901,6.940561379326715,4.138612220022414,0.30298125729674386,0.10556742623448372,8.647731604160161e-05,0.999946542864754,6.9276668707529705,0.9862761880670275,6.9534559355841745
972
+ 828,-1,0.9946563462416331,6.973979812198215,4.138612220022414,0.3020765308822904,0.11213755715224479,8.637032994425874e-05,1.002552323398136,6.968290604485405,0.9867603710719517,6.979668993420071
973
+ 829,-1,0.9641982109773727,7.035443046357897,4.138612220022414,0.3019044964086442,0.10899256277415488,8.626298982124074e-05,0.9707293169839042,7.035754733615452,0.9576671052546728,7.035131332609389
974
+ 830,-1,0.9594844562666757,7.029296408759223,4.138612220022414,0.30073472488494146,0.10946982097294596,8.615529673195131e-05,0.9632941893168858,7.032995573679606,0.9556747189589909,7.02559724913703
975
+ 831,-1,0.9619706227665856,7.074561542934841,4.138612220022414,0.29794098138809205,0.10967479654484324,8.604725173927778e-05,0.9694239366622198,7.0688900311787926,0.9545173138380051,7.080233044094509
976
+ 832,-1,0.9440249613353184,7.103232049942017,4.138612220022414,0.2982665853840964,0.10898503098222945,8.593885590958057e-05,0.9522817024162837,7.113309388690524,0.9357682283435549,7.09315472178989
977
+ 833,-1,0.9258784004620143,7.115963114632501,4.138612220022414,0.29904810729480924,0.10888277391592661,8.583011031268279e-05,0.9363946786948613,7.112448983722263,0.9153621196746826,7.1194771819644505
978
+ 834,-1,0.9297004940963927,7.10344967842102,4.138612220022414,0.29555384545099167,0.1098110203941663,8.572101602185957e-05,0.9376521059444972,7.103405888875326,0.9217488848027728,7.103493441475762
979
+ 835,-1,0.908852633975801,7.190503941641913,4.138612220022414,0.29515121153422763,0.10720398864812321,8.561157411382749e-05,0.9171898773738316,7.193262259165446,0.9005153931322551,7.187745608223809
980
+ 836,-1,0.9035755378859384,7.262390767203437,4.138612220022414,0.29561811018557776,0.10972934025857184,8.550178566873404e-05,0.9107043503295807,7.266845141516791,0.896446725442296,7.257936456468371
981
+ 837,-1,0.9018489942664192,7.255138778686524,4.138612220022414,0.29203784409023464,0.10602721091773774,8.539165177014683e-05,0.9120662757328578,7.249723524517483,0.8916317130838122,7.26055400636461
982
+ 838,-1,0.8872559527556102,7.317773861355252,4.138612220022414,0.2908522980553763,0.10272076709402932,8.528117350504297e-05,0.8986086135818845,7.313529804017809,0.8759032896586827,7.322017902798123
983
+ 839,-1,0.8793892221791404,7.287875604629517,4.138612220022414,0.2910521172341846,0.11085685491561889,8.517035196379834e-05,0.8882512731211526,7.291461038589477,0.870527175210771,7.284290149476793
984
+ 840,-1,0.8647501505556561,7.366780016157362,4.138612220022414,0.28945057292779286,0.10872383159067896,8.505918824017684e-05,0.873616837036042,7.376946126090155,0.8558834636495227,7.356613906224569
985
+ 841,-1,0.8493772194499061,7.369270022710165,4.138612220022414,0.28867969640663693,0.10865744368897544,8.494768343131948e-05,0.8617761966728029,7.380094448725383,0.8369782459168207,7.358445575502183
986
+ 842,-1,0.8560264550504231,7.417979590098063,4.138612220022414,0.2886333743731181,0.10581493369407124,8.483583863773377e-05,0.8701632093815577,7.425503200954861,0.8418897048348473,7.410456000434028
987
+ 843,-1,0.8488923392125538,7.39186347855462,4.138612220022414,0.2886512604497728,0.10670112371444702,8.472365496328265e-05,0.8615774648530142,7.400897269778781,0.8362072124367669,7.382829692628649
988
+ 844,-1,0.8313732669467018,7.446461100048489,4.138612220022414,0.2858882119258245,0.10882516246702936,8.461113351517368e-05,0.8396288105419704,7.456771310170492,0.8231177267574129,7.436150879330105
989
+ 845,-1,0.8301324789013181,7.4287408828735355,4.138612220022414,0.2857907935267403,0.11071441852384144,8.449827540394814e-05,0.8429228376774561,7.451192066404555,0.8173421221120017,7.406289683447944
990
+ 846,-1,0.8182434123186838,7.545590575536092,4.138612220022414,0.2831182570684524,0.11009764464365111,8.438508174347002e-05,0.8321695401555016,7.55561474164327,0.8043172836303711,7.535566388236152
991
+ 847,-1,0.8176250557104746,7.48291687435574,4.138612220022414,0.2829007449604216,0.10803296499782139,8.427155365091506e-05,0.831205028295517,7.492180426915486,0.8040450751781464,7.473653358883328
992
+ 848,-1,0.8019080303964161,7.5211040867699515,4.138612220022414,0.28083940886315845,0.11095234147376484,8.415769224675969e-05,0.8148458807241349,7.534599987665812,0.788970179501034,7.507608159383138
993
+ 849,-1,0.7814298947652181,7.647680637571547,4.138612220022414,0.2812315594582331,0.10886113618810972,8.404349865477e-05,0.7931883122239795,7.669682142469618,0.7696714815639314,7.625679100884332
994
+ 850,-1,0.8084249540453865,7.617901394102309,4.138612220022414,0.280382700193496,0.10901995450258255,8.392897400199065e-05,0.8198479919206528,7.612507343292236,0.7970019138994671,7.623295460806952
995
+ 851,-1,0.7730022328240531,7.663042439354791,4.138612220022414,0.2788942107132503,0.10761973700589604,8.381411941873373e-05,0.7847313245137533,7.673873477511936,0.7612731448241643,7.652211337619358
996
+ 852,-1,0.776357379697618,7.670539946026272,4.138612220022414,0.27714737185410093,0.10680367110504044,8.369893603856759e-05,0.7885050878638313,7.677045806248983,0.7642096698284149,7.664034117592705
997
+ 853,-1,0.7807427761100587,7.5908153533935545,4.138612220022414,0.27530005191053664,0.1108037975927194,8.35834249983057e-05,0.7939664223364421,7.600467162662082,0.7675191354183923,7.581163522932265
998
+ 854,-1,0.7479999438637779,7.7264407475789385,4.138612220022414,0.2757279994941893,0.1117714923289087,8.34675874379954e-05,0.7626714858270827,7.7368886788686115,0.7333284040292104,7.715992816289266
999
+ 855,-1,0.7597236877395993,7.7725384129418265,4.138612220022414,0.2745896323805764,0.10493704312377505,8.335142450090664e-05,0.7751791250138056,7.77049708366394,0.7442682534456253,7.774579657448663
1000
+ 856,-1,0.7528841618980681,7.801393222808838,4.138612220022414,0.27237850370861233,0.10728563492496808,8.32349373335207e-05,0.7659380980900355,7.809328444798788,0.7398302271252587,7.793457953135173
1001
+ 857,-1,0.7486041835376195,7.795138438542684,4.138612220022414,0.272223446340788,0.10656967759132385,8.311812708551893e-05,0.7594961833386195,7.801019801033868,0.7377121797629765,7.789257086647881
1002
+ 858,-1,0.7258884337686357,7.81611352496677,4.138612220022414,0.2699656069278717,0.10898009513815245,8.300099490977128e-05,0.7401940984385355,7.823365349239773,0.7115827709436416,7.808861610624525
1003
+ 859,-1,0.7305265616802942,7.945570272869534,4.138612220022414,0.2707854111989339,0.11095076236459944,8.288354196232506e-05,0.7430261278436298,7.959019131130642,0.7180269999163491,7.932121419906617
1004
+ 860,-1,0.733445741165252,7.939702796936035,4.138612220022414,0.26994496754237585,0.10781264122989442,8.276576940239344e-05,0.7473467999980563,7.937135134802924,0.7195446723983401,7.942270501454671
1005
+ 861,-1,0.7321764257692155,7.932291862699721,4.138612220022414,0.26780597950731005,0.10696586618820826,8.264767839234403e-05,0.746148522411074,7.946868133544922,0.7182043279920306,7.9177155547671845
1006
+ 862,-1,0.7119267334540685,7.970394388834635,4.138612220022414,0.26652555011567614,0.10377084496948454,8.252927009768744e-05,0.7245353268725532,7.978216965993245,0.6993181406032472,7.962571758694119
1007
+ 863,-1,0.698959062496821,7.969999694824219,4.138612220022414,0.2644906798998515,0.1069192690981759,8.241054568706572e-05,0.7132930566867193,7.960924137963189,0.6846250708614077,7.979075225194295
1008
+ 864,-1,0.7186016187781379,8.001633972591824,4.138612220022414,0.26411685744921365,0.10536103414164649,8.229150633224088e-05,0.7334004074335099,8.017622041702271,0.7038028316838401,7.9856459193759495
1009
+ 865,-1,0.6989914834499359,8.046408430735271,4.138612220022414,0.2628563994453067,0.10732568427920341,8.217215320808329e-05,0.7134112349578312,8.070663446850247,0.6845717294585137,8.022153430514866
1010
+ 866,-1,0.6778107526756468,8.070652151107788,4.138612220022414,0.26088639540331704,0.10641772713926104,8.20524874925601e-05,0.6924684413841793,8.092979415257771,0.6631530631156195,8.048324871063233
1011
+ 866,-1,3.793132145057224,5.1176773389180505,4.138612220022414,0.23450134134635298,0.19729148944218952,8.20524874925601e-05,3.737072353245541,5.079782104492187,3.849191928056721,5.155572541554769
1012
+ 867,-1,3.4910215827229085,5.161328421698676,4.138612220022414,0.21811133711856984,0.1754015169209904,8.205245513901912e-05,3.467175703518689,5.147972986433241,3.514867465843655,5.174683878156874
1013
+ 867,-1,3.333558846792891,5.171085712644789,4.138612220022414,0.2111658309825392,0.17499008609188926,1e-07,3.3166978334744117,5.159020021226671,3.350419859621804,5.183151404062907
1014
+ 868,-1,3.3354759740144075,5.178079875310262,4.138612220022414,0.21099369949995858,0.1746568214562204,9.9999960561066e-08,3.3191982368179413,5.167404169506497,3.3517537117004395,5.188755591710408
1015
+ 868,-1,3.3277850596566956,5.183587800131904,4.138612220022414,0.2109219951122938,0.17419768075148265,1e-07,3.3126825889767564,5.173938422732883,3.3428875273992396,5.193237198723687
1016
+ 869,-1,3.3230725661440306,5.1901930173238116,4.138612220022414,0.2108287237569292,0.1737859942846828,9.9999960561066e-08,3.3077673221760464,5.181763866212633,3.338377818924201,5.19862224260966
1017
+ 870,-1,3.316931113080567,5.19836164050632,4.138612220022414,0.21073095350539658,0.17340427421861224,9.99998422443263e-08,3.302285620808846,5.190722211201986,3.3315765950714047,5.206001038021512
1018
+ 870,-1,3.3164038819698827,5.201873927646213,4.138612220022414,0.21063831332283098,0.17317520164781147,1e-07,3.3016310555734183,5.194659614562989,3.331176709345479,5.209088251325819
1019
+ 871,-1,3.309220423199068,5.207727485232883,4.138612220022414,0.21062910186559022,0.17288377003537284,9.9999960561066e-08,3.2945637893872584,5.200885534286499,3.323877051625653,5.214569430881077
1020
+ 872,-1,3.3110312490247846,5.211699872546726,4.138612220022414,0.2104601086226332,0.17264871067470974,9.99998422443263e-08,3.2969960485885275,5.205257765452067,3.325066461210623,5.218141963746812
1021
+ 873,-1,3.3155635441108404,5.211113055547078,4.138612220022414,0.21025181667271092,0.17256843745708467,9.999964504996771e-08,3.301328287477121,5.2047459337446424,3.329798796828033,5.217480230331421
1022
+ 874,-1,3.3096876472418315,5.216277964909872,4.138612220022414,0.2103385666129036,0.1723695468571451,9.999936897830166e-08,3.295954931443232,5.210508357153999,3.323420367936089,5.22204753557841
1023
+ 875,-1,3.31014698976364,5.217198901706272,4.138612220022414,0.2102098028334259,0.172228898273574,9.999901402976405e-08,3.2964121668735324,5.211446083916558,3.3238818087372204,5.222951714197794
1024
+ 876,-1,3.3014305465275258,5.216455109914144,4.138612220022414,0.21034605161610082,0.17211031483279335,9.999858020491546e-08,3.287654771941888,5.210950432883369,3.3152063220922954,5.221959760453966
1025
+ 877,-1,3.3061060176003396,5.221710830264621,4.138612220022414,0.21013745885854873,0.17193003627989029,9.999806750444091e-08,3.2927172301486287,5.216480742560493,3.3194948123955386,5.226940928565131
1026
+ 878,-1,3.3071200994495493,5.2208707173665365,4.138612220022414,0.21012266050618778,0.17188195155726538,9.999747592915005e-08,3.293300056359606,5.215552806854248,3.3209401493934148,5.226188622580635
1027
+ 879,-1,3.2994388363934153,5.223436933093601,4.138612220022414,0.21016561740232934,0.17174580229653252,9.999680547997704e-08,3.2860303155205823,5.218420351876153,3.3128473504123255,5.228453450732761
1028
+ 880,-1,3.3018211549801992,5.22579059071011,4.138612220022414,0.2100721187660092,0.1716204985976219,9.999605615798063e-08,3.2876116930826487,5.221020656161838,3.3160306090446956,5.230560535854764
1029
+ 881,-1,3.2964460888927234,5.226720598008898,4.138612220022414,0.21004644856315863,0.17150420894225438,9.999522796434408e-08,3.2831446204097365,5.222011068132189,3.3097475529696174,5.231430133183797
1030
+ 882,-1,3.3018790882470914,5.228365002738105,4.138612220022414,0.209903861585339,0.17140133662356272,9.999432090037523e-08,3.2888547732844735,5.2238858964708115,3.3149034002723146,5.232844114303589
1031
+ 883,-1,3.2940382012596365,5.22700851228502,4.138612220022414,0.21006551531795603,0.17141389184527928,9.999333496750646e-08,3.281135711337017,5.222337468465169,3.3069407044005343,5.231679593192206
1032
+ 884,-1,3.3016250383192998,5.2276187049018015,4.138612220022414,0.20983769244359504,0.17135359909799364,9.999227016729471e-08,3.2883273541804945,5.2229596138000485,3.3149227092398266,5.232277748319838
1033
+ 885,-1,3.2970569324689234,5.226762056350708,4.138612220022414,0.20989379522369628,0.17126109219259686,9.999112650142142e-08,3.283772439682508,5.2222893555959065,3.310341416443153,5.231234720018175
1034
+ 886,-1,3.3009970844159136,5.230520179536607,4.138612220022414,0.20977707785502597,0.1711454227566719,9.99899039716926e-08,3.28761000701779,5.226238669289483,3.3143841544705497,5.234801689783732
1035
+ 887,-1,3.2938798247421546,5.230007902781169,4.138612220022414,0.20987084474284545,0.17109786321719486,9.99886025800388e-08,3.2805438795618453,5.2256226698557535,3.307215761110278,5.234393162197537
1036
+ 888,-1,3.293159349743101,5.228315798441569,4.138612220022414,0.20981071552823946,0.1710829941762818,9.998722232851506e-08,3.2798462614141695,5.22393159866333,3.306472454227706,5.232699966430664
1037
+ 889,-1,3.298595931740512,5.229147084554037,4.138612220022414,0.2096446991823537,0.17100904401805667,9.998576321930103e-08,3.2855792021114967,5.224849557876587,3.311612658921698,5.23344464831882
1038
+ 890,-1,3.2879994214193045,5.232356479432847,4.138612220022414,0.20975399332492015,0.17089958174361122,9.998422525470083e-08,3.2749082782674863,5.228312423494127,3.3010905557589365,5.236400508880616
1039
+ 891,-1,3.291544957816968,5.229434935251872,4.138612220022414,0.20974258126908993,0.1709075813492139,9.998260843714311e-08,3.2788689190357374,5.225338453716702,3.304220998066896,5.23353140089247
1040
+ 892,-1,3.291693293338439,5.228834761513604,4.138612220022414,0.20967910091490227,0.17085177070564694,9.998091276918106e-08,3.2782720026294307,5.2247585508558485,3.3051145899222374,5.232911030451457
1041
+ 893,-1,3.2909103497342653,5.231152725219727,4.138612220022414,0.20958164958493666,0.170747392045127,9.997913825349235e-08,3.2785907227400637,5.227272197935316,3.3032299733015056,5.2350332578023275
1042
+ 894,-1,3.2878565430885955,5.229721260070801,4.138612220022414,0.20959905221354544,0.17071028451124828,9.997728489287918e-08,3.2747221923217147,5.225776508119371,3.300990884553725,5.233666065004137
1043
+ 895,-1,3.290186415462768,5.2328976472218836,4.138612220022414,0.20954750239604308,0.17059701532125474,9.99753526902683e-08,3.277566579822642,5.22895344098409,3.302806254040289,5.236841842863295
1044
+ 896,-1,3.292581400587329,5.233510658476088,4.138612220022414,0.20945447817964966,0.17056278619501325,9.997334164871086e-08,3.279374115276141,5.229617473814223,3.3057886868776483,5.237403816646999
1045
+ 897,-1,3.2929782211413374,5.230928818384807,4.138612220022414,0.20939134330597747,0.1705724784069591,9.997125177138261e-08,3.2807089450178206,5.226911571290758,3.3052475109726984,5.234946044286092
1046
+ 898,-1,3.2882943358999013,5.231873236762153,4.138612220022414,0.20938475286201774,0.17048171212275823,9.996908306158375e-08,3.2756797518328717,5.2282116413116455,3.300908921925194,5.2355348587036135
1047
+ 899,-1,3.289611600997267,5.233297326829699,4.138612220022414,0.2093178224759425,0.17040759325027466,9.996683552273895e-08,3.2762979408553985,5.229722966088189,3.302925263586965,5.236871671676636
1048
+ 900,-1,3.290260168071645,5.232942326863607,4.138612220022414,0.20932857263871532,0.17039606107605829,9.996450915839741e-08,3.2773605440676334,5.229200930065579,3.3031597964817494,5.2366836441887745
1049
+ 900,-1,3.285938302104723,5.235242838329739,4.138612220022414,0.20935845087441085,0.1703451578815778,1e-10,3.2722909259600317,5.231511984931098,3.2995856924468243,5.23897368643019
1050
+ 901,-1,3.286312631513059,5.233348666297065,4.138612220022414,0.20942374926205778,0.17036598341332543,1e-10,3.2735975914667272,5.229486995273167,3.299027678413313,5.237210347917345
1051
+ 902,-1,3.2901627008919845,5.2327021651797825,4.138612220022414,0.20931810351735022,0.17038701590564514,1e-10,3.277259376259555,5.229108381271362,3.3030660181809255,5.236296002070109
1052
+ 903,-1,3.285823069069175,5.2332680596245655,4.138612220022414,0.2093505651309505,0.17036793397532568,1e-10,3.273358058635704,5.22951700952318,3.2982880750965533,5.237019067340427
1053
+ 904,-1,3.2906948565457634,5.2324464321136475,4.138612220022414,0.20938120234673518,0.17039623972442414,1e-10,3.2786289671363282,5.2286526627010765,3.3027607288203935,5.236240212122599
1054
+ 905,-1,3.2885824635288308,5.233408859041002,4.138612220022414,0.2093638081019419,0.17036857306957245,1e-10,3.2759130828434437,5.229798687828912,3.3012518525368377,5.237019077936808
1055
+ 906,-1,3.2850640691526127,5.23216143184238,4.138612220022414,0.20938047934973755,0.17040373384952545,1e-10,3.272726396270846,5.228466330634223,3.297401748888302,5.2358565595414905
1056
+ 907,-1,3.2883177337215668,5.234745571348403,4.138612220022414,0.20935962485336915,0.17035666041904027,1e-10,3.2743921245637617,5.231058242585924,3.302243345816767,5.238432947794596
1057
+ 908,-1,3.288853585108105,5.234603134791056,4.138612220022414,0.20934648215158763,0.1703468821114964,1e-10,3.276384237610584,5.230873420503404,3.3013229404386797,5.238332843780517
1058
+ 909,-1,3.290052043828631,5.232156329684788,4.138612220022414,0.2093307437715589,0.1704010761446423,1e-10,3.277421941013062,5.22851660516527,3.3026821397902784,5.235796059502496
1059
+ 910,-1,3.288228036441842,5.234788958231608,4.138612220022414,0.20931132581444492,0.170335154235363,1e-10,3.2751385494913654,5.231046565373739,3.3013175243714508,5.238531388176812
1060
+ 911,-1,3.2869402064924613,5.235553805033366,4.138612220022414,0.20936443388951634,0.1703328369392289,1e-10,3.273803615961721,5.231943204667833,3.3000768043666895,5.239164347118802
1061
+ 912,-1,3.28577864879945,5.234099001354641,4.138612220022414,0.2094179897949681,0.17035988850726022,1e-10,3.2726261909492695,5.230410485797458,3.2989311105661567,5.237787522210015
1062
+ 913,-1,3.2842985002411953,5.234021064970229,4.138612220022414,0.20943621015157055,0.17034212185276879,1e-10,3.2723174290980155,5.230228551228842,3.296279586071351,5.237813573413425
1063
+ 914,-1,3.2916105444671193,5.233027908537123,4.138612220022414,0.20922869811067835,0.17036535110738543,1e-10,3.2789992958123677,5.2295002937316895,3.3042218034027537,5.236555544535319
1064
+ 915,-1,3.290377663391082,5.234286324183146,4.138612220022414,0.20930359220357891,0.17034971366326015,1e-10,3.277678627742634,5.230519972907173,3.303076705893452,5.238052654266357
1065
+ 916,-1,3.290159180423807,5.231920443640815,4.138612220022414,0.2092891915316944,0.17039970192644333,1e-10,3.2771377436189435,5.228035174475776,3.303180607437353,5.235805728700426
1066
+ 917,-1,3.2866489113723474,5.232414028379652,4.138612220022414,0.20935577108262746,0.17038739522298177,1e-10,3.2744588798076464,5.228587214152018,3.298838950770102,5.2362408214145235
1067
+ 918,-1,3.292148711500227,5.235947889751858,4.138612220022414,0.209278114308322,0.1703274299701055,1e-10,3.2789458244488223,5.2324051062266035,3.305351590229011,5.239490614997016
1068
+ 919,-1,3.284016391335082,5.234119362301296,4.138612220022414,0.2094489577430964,0.17036034812529882,1e-10,3.2710730167874567,5.230300988091363,3.296959775184459,5.2379377047220865
1069
+ 920,-1,3.286294523940194,5.233167786068386,4.138612220022414,0.2094028727352252,0.17038212617238363,1e-10,3.2736965386040158,5.229318380355835,3.298892505849411,5.237017197079129
1070
+ 921,-1,3.282109188103333,5.233796877331204,4.138612220022414,0.2094319055824554,0.17036716557211345,1e-10,3.268905712593752,5.2301067882113985,3.2953126768311924,5.237486982345581
1071
+ 922,-1,3.2879932641493466,5.23255418671502,4.138612220022414,0.2093596429367085,0.17039451946814854,1e-10,3.276007125509838,5.228515847524007,3.299979407684514,5.236592568291558
1072
+ 923,-1,3.2892193206771445,5.233254787656996,4.138612220022414,0.2093202070289079,0.17037592613034777,1e-10,3.276260646706489,5.229649596744114,3.302177993179102,5.236860084533691
1073
+ 924,-1,3.288462412675548,5.236107953389486,4.138612220022414,0.20932204911229058,0.17031375567118326,1e-10,3.2755581265357487,5.232724830839369,3.301366694409255,5.239491107728746
1074
+ 925,-1,3.280917005127705,5.231303935580783,4.138612220022414,0.20946983833944527,0.17041951715946196,1e-10,3.2674840015552373,5.227490117814805,3.294350000867119,5.235117769241333
1075
+ 926,-1,3.287894451153107,5.234130170610216,4.138612220022414,0.20937484310025797,0.1703480742043919,1e-10,3.275256211263198,5.230439837773641,3.300532678314303,5.2378204981486
1076
+ 927,-1,3.290471103891455,5.237455150816175,4.138612220022414,0.20934237555067153,0.17027094546291563,1e-10,3.277405786318456,5.234187703662449,3.3035364195061905,5.240722571478949
1077
+ 928,-1,3.279357947852822,5.23156164487203,4.138612220022414,0.20950690487082244,0.17041035890579223,1e-10,3.266347464105187,5.227642589145237,3.2923684325795888,5.235480695300632
1078
+ 929,-1,3.2913684937988217,5.234492916531033,4.138612220022414,0.20931110538741157,0.17034933351808124,1e-10,3.278469170877821,5.230790011088053,3.3042678054598076,5.238195827272203
1079
+ 930,-1,3.28696035408631,5.234104781680637,4.138612220022414,0.2093764106901764,0.17035768528779346,1e-10,3.274392965148362,5.230346902211507,3.299527746940785,5.237862698237101
1080
+ 931,-1,3.287865702866039,5.23292302025689,4.138612220022414,0.20934270704796182,0.1703542815314399,1e-10,3.275824807263008,5.229146639506022,3.299906596510807,5.236699401007758
1081
+ 932,-1,3.2840647986292595,5.231283066007826,4.138612220022414,0.20942274834463484,0.17042543705966737,1e-10,3.2715720400917947,5.227525435553657,3.2965575483545386,5.235040638181898
1082
+ 933,-1,3.2846203354594645,5.232071765263876,4.138612220022414,0.20941092012721654,0.17042262968089844,1e-10,3.271911450724827,5.22831523153517,3.2973292285167215,5.235828336079916
1083
+ 934,-1,3.289801080613655,5.234232997894287,4.138612220022414,0.209298110779306,0.1703398745920923,1e-10,3.277172251158916,5.230649815665351,3.3024299090892626,5.237816185421414
1084
+ 935,-1,3.287637544118893,5.234407599767049,4.138612220022414,0.20931683388945993,0.17034918632772234,1e-10,3.274447575731689,5.230720313390096,3.3008275154434923,5.238094827863905
1085
+ 936,-1,3.288553923307258,5.233810509575738,4.138612220022414,0.20933000461888754,0.17035824292235904,1e-10,3.275597417134279,5.230131122801039,3.3015104285011057,5.237489896350437
1086
+ 937,-1,3.2895324827464454,5.2375910917917885,4.138612220022414,0.2092892068918236,0.1702777965201272,1e-10,3.2768664937734115,5.234150171279907,3.302198478083836,5.241032012303671
1087
+ 938,-1,3.290721134483447,5.235891326268514,4.138612220022414,0.20925082364243894,0.17031899756855434,1e-10,3.277877658789163,5.232522985670301,3.3035646282916686,5.239259629779392
1088
+ 939,-1,3.2886569754543737,5.2340735647413466,4.138612220022414,0.20929166949994754,0.17034859905640284,1e-10,3.275875847442439,5.230385473039415,3.3014380966123857,5.23776167233785
1089
+ 940,-1,3.2853648941619684,5.234356652365791,4.138612220022414,0.20940658180865418,0.17035176042053435,1e-10,3.272522711900715,5.230779796176487,3.2982070813188806,5.237933492660522
1090
+ 941,-1,3.2886177289167713,5.233810732099745,4.138612220022414,0.2093437595533884,0.1703667026427057,1e-10,3.2754382857062243,5.230196433597141,3.3017971828977677,5.237425030602349
1091
+ 942,-1,3.2902995179076457,5.233522446950277,4.138612220022414,0.2092738990543804,0.1703688700993856,1e-10,3.277196354934567,5.2299634085761175,3.303402689203345,5.237081464131673
1092
+ 943,-1,3.290743196279851,5.232487180497912,4.138612220022414,0.2093152607307297,0.17039107117387983,1e-10,3.277962175482842,5.228739754358927,3.3035242175664257,5.236234611935085
1093
+ 944,-1,3.2846801158583876,5.233715539508395,4.138612220022414,0.20937785708194395,0.1703627097937796,1e-10,3.272270591841586,5.230230877134535,3.2970896354690957,5.237200196584066
1094
+ 945,-1,3.285512214813389,5.235627693600125,4.138612220022414,0.20939768156231797,0.17033914724985758,1e-10,3.2723960225342235,5.231999270121256,3.2986283987699347,5.239256085289849
1095
+ 946,-1,3.29011789043826,5.234631564882067,4.138612220022414,0.20934417519481274,0.17036329507827758,1e-10,3.2770420055859386,5.230796602037218,3.3031937625618686,5.2384665118323435
1096
+ 947,-1,3.291577389108082,5.23830001089308,4.138612220022414,0.20925421887354684,0.17026129729217954,1e-10,3.2788386501570748,5.235139306386312,3.3043161270799577,5.241460694207086
1097
+ 948,-1,3.2837165307704916,5.231456989712186,4.138612220022414,0.20945545293589637,0.17043113195233875,1e-10,3.2708191538738274,5.227687957551744,3.2966139130523806,5.235226037767198
1098
+ 949,-1,3.2864930639521543,5.234636555777656,4.138612220022414,0.20936701390165569,0.17034448153442808,1e-10,3.2733366611801866,5.230976544486152,3.2996494672136873,5.238296529981825
1099
+ 950,-1,3.2858019575201265,5.234172111087375,4.138612220022414,0.20935915095360616,0.17035498155487908,1e-10,3.272963984056665,5.230494297875298,3.2986399353896814,5.237849897808498
1100
+ 951,-1,3.285944009953211,5.232626263300578,4.138612220022414,0.20941552066949848,0.17038413633902869,1e-10,3.2734102106192275,5.228895881440905,3.298477792641955,5.236356645160251
Vaani/SDFT/SD2_1_Audio/Vaani_SD2.1_CSIP_Finetune.ipynb ADDED
The diff for this file is too large to render. See raw diff
 
Vaani/SDFT/SD2_1_Audio/Vaani_SD2_1_CSIP.ipynb ADDED
The diff for this file is too large to render. See raw diff
 
Vaani/SDFT/SD2_1_Audio/__init__.py ADDED
File without changes
Vaani/SDFT/SD2_1_Audio/dog and cat.mp4 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ad541c1ecfcb4e1ae2329166ea3e7463046b57d2467fe520d13cb707fd5c1830
3
+ size 1848180
Vaani/SDFT/SD2_1_Audio/dog and cat.png CHANGED

Git LFS Details

  • SHA256: 84926741d3ae50cfa84b9497b37961d7922e416d188788147107ef01bcd227e2
  • Pointer size: 131 Bytes
  • Size of remote file: 870 kB

Git LFS Details

  • SHA256: 51dd5a9e0d84905992e4c1cb920daf61ea0af5bfbf9c63a1818fd2481e71e6b9
  • Pointer size: 132 Bytes
  • Size of remote file: 1.15 MB
Vaani/SDFT/__init__.py ADDED
File without changes
Vaani/__init__.py ADDED
File without changes
Vaani/vaani_scripts/CSIP.py ADDED
The diff for this file is too large to render. See raw diff
 
Vaani/vaani_scripts/__init__.py ADDED
File without changes
Vaani/vaani_scripts/__pycache__/CSIP.cpython-311.pyc ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:05cd539a3f3c6aeb3b5a26f2b9232898753fa302e08acd584258d2d25adbd3aa
3
+ size 333071